diff --git a/conftest.py b/conftest.py
index 0fab7ce3db27..4181220b44b0 100644
--- a/conftest.py
+++ b/conftest.py
@@ -89,7 +89,7 @@ def pytest_configure(config):
config.addinivalue_line("markers", "torch_compile_test: mark test which tests torch compile functionality")
config.addinivalue_line("markers", "torch_export_test: mark test which tests torch export functionality")
- os.environ['DISABLE_SAFETENSORS_CONVERSION'] = 'true'
+ os.environ["DISABLE_SAFETENSORS_CONVERSION"] = "true"
def pytest_collection_modifyitems(items):
diff --git a/docs/source/en/_toctree.yml b/docs/source/en/_toctree.yml
index 27aeafab612f..c2864b2c83a5 100644
--- a/docs/source/en/_toctree.yml
+++ b/docs/source/en/_toctree.yml
@@ -973,6 +973,8 @@
title: Whisper
- local: model_doc/xcodec
title: X-Codec
+ - local: model_doc/xcodec2
+ title: X-Codec2
- local: model_doc/xls_r
title: XLS-R
- local: model_doc/xlsr_wav2vec2
diff --git a/docs/source/en/model_doc/xcodec2.md b/docs/source/en/model_doc/xcodec2.md
new file mode 100644
index 000000000000..d37a745c86b0
--- /dev/null
+++ b/docs/source/en/model_doc/xcodec2.md
@@ -0,0 +1,89 @@
+
+*This model was released on 2025-02-06 and added to Hugging Face Transformers on 2025-04-29.*
+
+# X-Codec2
+
+
+

+

+
+
+## Overview
+
+The X-Codec2 model was proposed in [Llasa: Scaling Train-Time and Inference-Time Compute for Llama-based Speech Synthesis](https://huggingface.co/papers/2502.04128).
+
+X-Codec2 is a neural audio codec designed to improve speech synthesis and general audio generation for large language model (LLM) pipelines. It extends the original X-Codec by refining how semantic and acoustic information is integrated and tokenized, enabling efficient and high-fidelity audio representation.
+
+Its architecture is based on [X-Codec](./xcodec) with several major differences:
+
+- **Unified Semantic-Acoustic Tokenization**: X-Codec2 fuses outputs from a semantic encoder (e.g., Wav2Vec2-BERT) and an acoustic encoder into a single embedding, capturing both high-level meaning (e.g., text content, emotion) and low-level audio details (e.g., timbre).
+- **Single-Stage Vector Quantization (VQ)**: Unlike the multi-layer residual VQ in most approaches (e.g., [X-Codec](./xcodec), [DAC](./dac), [EnCodec](./encodec)), X-Codec2 uses a single-layer Feature-Space Quantization (FSQ) for stability and compatibility with causal, autoregressive LLMs.
+- **Semantic Supervision During Training**: It adds a semantic reconstruction loss, ensuring that the discrete tokens preserve meaningful linguistic and emotional information — crucial for TTS tasks.
+- **Transformer-Friendly Design**: The 1D token structure of X-Codec2 naturally aligns with the autoregressive modeling in LLMs like LLaMA, improving training efficiency and downstream compatibility.
+
+## Usage example
+
+Here is a quick example of how to encode and decode an audio using this model:
+
+```python
+>>> import torch
+>>> from datasets import Audio, load_dataset
+>>> from transformers import AutoFeatureExtractor, Xcodec2Model
+
+>>> torch_device = "cuda" if torch.cuda.is_available() else "cpu"
+
+>>> # load model and feature extractor
+>>> model_id = "hf-audio/xcodec2"
+>>> model = Xcodec2Model.from_pretrained(model_id).to(torch_device).eval()
+>>> feature_extractor = AutoFeatureExtractor.from_pretrained(model_id)
+
+>>> # load data
+>>> dataset = load_dataset("hf-internal-testing/librispeech_asr_dummy", "clean", split="validation")
+>>> dataset = dataset.cast_column("audio", Audio(sampling_rate=feature_extractor.sampling_rate))
+>>> audio = dataset[0]["audio"]["array"]
+
+>>> # prepare data
+>>> inputs = feature_extractor(audio=audio, sampling_rate=feature_extractor.sampling_rate, return_tensors="pt").to(torch_device)
+
+>>> # encoder and decoder
+>>> audio_codes = model.encode(**inputs).audio_codes
+>>> audio_values = model.decode(audio_codes).audio_values
+>>> # or the equivalent with a forward pass
+>>> model_output = model(**inputs)
+>>> audio_codes = model_output.audio_codes
+>>> audio_values = model_output.audio_values
+```
+
+This model was contributed by [Steven Zheng](https://huggingface.co/Steveeeeeeen) and [Eric Bezzam](https://huggingface.co/bezzam).
+The original code can be found [here](https://github.com/zhenye234/X-Codec-2.0).
+
+
+## Xcodec2Config
+
+[[autodoc]] Xcodec2Config
+
+## Xcodec2FeatureExtractor
+
+[[autodoc]] Xcodec2FeatureExtractor
+ - __call__
+
+## Xcodec2Model
+
+[[autodoc]] Xcodec2Model
+ - decode
+ - encode
+ - forward
diff --git a/src/transformers/audio_utils.py b/src/transformers/audio_utils.py
index df4bbf1ca604..4c4baadcd781 100644
--- a/src/transformers/audio_utils.py
+++ b/src/transformers/audio_utils.py
@@ -33,12 +33,17 @@
is_librosa_available,
is_numpy_array,
is_soundfile_available,
+ is_torch_available,
is_torch_tensor,
is_torchcodec_available,
requires_backends,
)
+if is_torch_available():
+ import torch
+ import torch.nn.functional as F
+
if TYPE_CHECKING:
import torch
@@ -1032,6 +1037,131 @@ def spectrogram_batch(
return spectrogram_list
+def spectrogram_torch(
+ waveform_list: list["torch.Tensor"],
+ window: "torch.Tensor",
+ frame_length: int,
+ hop_length: int,
+ fft_length: Optional[int] = None,
+ power: float = 1.0,
+ center: bool = True,
+ pad_mode: str = "reflect",
+ onesided: bool = True,
+ dither: float = 0.0,
+ preemphasis: Optional[float] = None,
+ mel_filters: Optional["torch.Tensor"] = None,
+ mel_floor: float = 1e-10,
+ log_mel: Optional[str] = None,
+ reference: float = 1.0,
+ min_value: float = 1e-10,
+ db_range: Optional[float] = None,
+ remove_dc_offset: Optional[bool] = False,
+ device: str = "cpu",
+ dtype: str = "float32",
+):
+ """
+ PyTorch version of spectrogram_batch().
+
+ For spectrogram computation, tensors are promoted to `torch.float64` for better precision,
+ and returned according to `dtype`.
+ """
+
+ window_length = len(window)
+ if fft_length is None:
+ fft_length = frame_length
+ if frame_length > fft_length:
+ raise ValueError(f"frame_length ({frame_length}) may not be larger than fft_length ({fft_length})")
+ if window_length != frame_length:
+ raise ValueError(f"window_length ({window_length}) must equal frame_length ({frame_length})")
+ if hop_length <= 0:
+ raise ValueError("hop_length must be greater than zero")
+ if dtype not in ["float16", "float32", "float64"]:
+ raise ValueError(f"dtype must be one of 'float16', 'float32', 'float64', got {dtype}")
+ dtype = getattr(torch, dtype)
+
+ # Convert list of waveforms → padded tensor [B, T]
+ max_len = max(w.shape[-1] for w in waveform_list)
+ padded_waveforms = torch.stack([F.pad(w, (0, max_len - w.shape[-1]), value=0.0) for w in waveform_list]).to(
+ device=device, dtype=torch.float64
+ )
+
+ # Optional centering (reflect pad)
+ if center:
+ pad_amt = frame_length // 2
+ padded_waveforms = F.pad(padded_waveforms, (pad_amt, pad_amt), mode=pad_mode)
+
+ B, T = padded_waveforms.shape
+ num_frames = 1 + (T - frame_length) // hop_length
+ fft_func = torch.fft.rfft if onesided else torch.fft.fft
+ num_bins = (fft_length // 2 + 1) if onesided else fft_length
+
+ # Promote to float64 for better precision
+ window = window.to(device=device, dtype=torch.float64)
+ mel_filters = mel_filters.to(device=device, dtype=torch.float64) if mel_filters is not None else None
+
+ # Create output buffer
+ spectrogram = torch.empty((B, num_frames, num_bins), dtype=torch.complex128, device=device)
+ buffer = torch.zeros((B, fft_length), dtype=torch.float64, device=device)
+
+ for frame_idx in range(num_frames):
+ t0 = frame_idx * hop_length
+ buffer[:, :frame_length] = padded_waveforms[:, t0 : t0 + frame_length]
+
+ # Dither
+ if dither != 0.0:
+ buffer[:, :frame_length] += dither * torch.randn_like(buffer[:, :frame_length])
+
+ # DC offset removal
+ if remove_dc_offset:
+ buffer[:, :frame_length] -= buffer[:, :frame_length].mean(dim=1, keepdim=True)
+
+ # Preemphasis
+ if preemphasis is not None:
+ buffer[:, 1:frame_length] -= preemphasis * buffer[:, : frame_length - 1]
+ buffer[:, 0] *= 1 - preemphasis
+
+ # Apply window
+ buffer[:, :frame_length] *= window
+
+ # FFT
+ spectrogram[:, frame_idx] = fft_func(buffer, n=fft_length)
+
+ # Magnitude / power
+ if power is not None:
+ spectrogram = torch.abs(spectrogram).pow(power)
+
+ # Mel projection
+ if mel_filters is not None:
+ # spectrogram: [batch, num_frames, num_bins], mel_filters: [num_bins, num_mels]
+ if mel_filters.shape[0] != spectrogram.shape[-1]:
+ raise ValueError(
+ f"Mel filter input bins ({mel_filters.shape[0]}) must match spectrogram frequency bins ({spectrogram.shape[-1]}). "
+ f"Please check that mel_filters were designed for fft_length={spectrogram.shape[-1] * 2 - 2 if spectrogram.shape[-1] > 1 else spectrogram.shape[-1]}."
+ )
+ spectrogram = torch.matmul(spectrogram, mel_filters)
+ spectrogram = torch.maximum(spectrogram, torch.tensor(mel_floor, device=device))
+
+ # Log scaling
+ if power is not None and log_mel is not None:
+ if log_mel == "log":
+ spectrogram = torch.log(torch.clamp(spectrogram, min=min_value))
+ elif log_mel == "log10":
+ spectrogram = torch.log10(torch.clamp(spectrogram, min=min_value))
+ elif log_mel == "dB":
+ ref = torch.tensor(reference, device=device)
+ spectrogram = 10.0 * torch.log10(torch.clamp(spectrogram / ref, min=min_value))
+ if db_range is not None:
+ max_val = spectrogram.amax(dim=-1, keepdim=True)
+ spectrogram = torch.maximum(spectrogram, max_val - db_range)
+ else:
+ raise ValueError(f"Unknown log_mel option: {log_mel}")
+
+ # Return list of [num_bins, num_frames_i]
+ true_frames = [1 + (w.shape[-1] - frame_length) // hop_length for w in waveform_list]
+ spec_list = [spectrogram[i, :n, :].T.to(dtype) for i, n in enumerate(true_frames)]
+ return spec_list
+
+
def power_to_db(
spectrogram: np.ndarray,
reference: float = 1.0,
diff --git a/src/transformers/models/__init__.py b/src/transformers/models/__init__.py
index c721f24a506d..14353bcad0a2 100644
--- a/src/transformers/models/__init__.py
+++ b/src/transformers/models/__init__.py
@@ -377,6 +377,7 @@
from .whisper import *
from .x_clip import *
from .xcodec import *
+ from .xcodec2 import *
from .xglm import *
from .xlm import *
from .xlm_roberta import *
diff --git a/src/transformers/models/auto/configuration_auto.py b/src/transformers/models/auto/configuration_auto.py
index c641645d5656..9fad70fa9669 100644
--- a/src/transformers/models/auto/configuration_auto.py
+++ b/src/transformers/models/auto/configuration_auto.py
@@ -444,6 +444,7 @@
("whisper", "WhisperConfig"),
("xclip", "XCLIPConfig"),
("xcodec", "XcodecConfig"),
+ ("xcodec2", "Xcodec2Config"),
("xglm", "XGLMConfig"),
("xlm", "XLMConfig"),
("xlm-prophetnet", "XLMProphetNetConfig"),
@@ -904,6 +905,7 @@
("whisper", "Whisper"),
("xclip", "X-CLIP"),
("xcodec", "X-CODEC"),
+ ("xcodec2", "X-CODEC2"),
("xglm", "XGLM"),
("xlm", "XLM"),
("xlm-prophetnet", "XLM-ProphetNet"),
diff --git a/src/transformers/models/auto/feature_extraction_auto.py b/src/transformers/models/auto/feature_extraction_auto.py
index 0d3dab2e8fd8..a4e811568fb1 100644
--- a/src/transformers/models/auto/feature_extraction_auto.py
+++ b/src/transformers/models/auto/feature_extraction_auto.py
@@ -73,6 +73,7 @@
("wavlm", "Wav2Vec2FeatureExtractor"),
("whisper", "WhisperFeatureExtractor"),
("xcodec", "DacFeatureExtractor"),
+ ("xcodec2", "Xcodec2FeatureExtractor"),
]
)
diff --git a/src/transformers/models/auto/modeling_auto.py b/src/transformers/models/auto/modeling_auto.py
index 298834bebe93..7d992c6ce0cd 100644
--- a/src/transformers/models/auto/modeling_auto.py
+++ b/src/transformers/models/auto/modeling_auto.py
@@ -423,6 +423,7 @@ class _BaseModelWithGenerate(PreTrainedModel, GenerationMixin):
("whisper", "WhisperModel"),
("xclip", "XCLIPModel"),
("xcodec", "XcodecModel"),
+ ("xcodec2", "Xcodec2Model"),
("xglm", "XGLMModel"),
("xlm", "XLMModel"),
("xlm-prophetnet", "XLMProphetNetModel"),
diff --git a/src/transformers/models/seamless_m4t/feature_extraction_seamless_m4t.py b/src/transformers/models/seamless_m4t/feature_extraction_seamless_m4t.py
index d0a8a07b3a9e..eecd5675a158 100644
--- a/src/transformers/models/seamless_m4t/feature_extraction_seamless_m4t.py
+++ b/src/transformers/models/seamless_m4t/feature_extraction_seamless_m4t.py
@@ -117,8 +117,7 @@ def _extract_fbank_features(
waveform: np.ndarray,
) -> np.ndarray:
"""
- Get mel-filter bank features using TorchAudio. Note that TorchAudio requires 16-bit signed integers as inputs
- and hence the waveform should not be normalized before feature extraction.
+ Get mel-filter bank features using Numpy method to mimic Kaldi.
"""
# by default, it extracts the left channel if stereo
if len(waveform.shape) == 2:
diff --git a/src/transformers/models/xcodec/modeling_xcodec.py b/src/transformers/models/xcodec/modeling_xcodec.py
index 4e1d376a3d08..54e4480266fc 100644
--- a/src/transformers/models/xcodec/modeling_xcodec.py
+++ b/src/transformers/models/xcodec/modeling_xcodec.py
@@ -558,7 +558,7 @@ def forward(
>>> inputs = feature_extractor(raw_audio=audio_sample, return_tensors="pt")
- >>> outputs = model(**inputs)
+ >>> outputs = model(inputs["input_values"])
>>> audio_codes = outputs.audio_codes
>>> audio_values = outputs.audio_values
```
diff --git a/src/transformers/models/xcodec2/__init__.py b/src/transformers/models/xcodec2/__init__.py
new file mode 100644
index 000000000000..0e099a8b1449
--- /dev/null
+++ b/src/transformers/models/xcodec2/__init__.py
@@ -0,0 +1,28 @@
+# Copyright 2025 The HuggingFace Team. All rights reserved.
+#
+# Licensed under the Apache License, Version 2.0 (the "License");
+# you may not use this file except in compliance with the License.
+# You may obtain a copy of the License at
+#
+# http://www.apache.org/licenses/LICENSE-2.0
+#
+# Unless required by applicable law or agreed to in writing, software
+# distributed under the License is distributed on an "AS IS" BASIS,
+# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
+# See the License for the specific language governing permissions and
+# limitations under the License.
+from typing import TYPE_CHECKING
+
+from ...utils import _LazyModule
+from ...utils.import_utils import define_import_structure
+
+
+if TYPE_CHECKING:
+ from .configuration_xcodec2 import *
+ from .feature_extraction_xcodec2 import *
+ from .modeling_xcodec2 import *
+else:
+ import sys
+
+ _file = globals()["__file__"]
+ sys.modules[__name__] = _LazyModule(__name__, _file, define_import_structure(_file), module_spec=__spec__)
diff --git a/src/transformers/models/xcodec2/configuration_xcodec2.py b/src/transformers/models/xcodec2/configuration_xcodec2.py
new file mode 100644
index 000000000000..3b2aad43aa69
--- /dev/null
+++ b/src/transformers/models/xcodec2/configuration_xcodec2.py
@@ -0,0 +1,200 @@
+# coding=utf-8
+# Copyright 2025 The HuggingFace Inc. team. All rights reserved.
+#
+# Licensed under the Apache License, Version 2.0 (the "License");
+# you may not use this file except in compliance with the License.
+# You may obtain a copy of the License at
+#
+# http://www.apache.org/licenses/LICENSE-2.0
+#
+# Unless required by applicable law or agreed to in writing, software
+# distributed under the License is distributed on an "AS IS" BASIS,
+# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
+# See the License for the specific language governing permissions and
+# limitations under the License.
+"""Xcodec2 model configuration"""
+
+import math
+
+import numpy as np
+
+from transformers import AutoConfig, Wav2Vec2BertConfig
+
+from ...configuration_utils import PretrainedConfig
+from ...utils import logging
+
+
+logger = logging.get_logger(__name__)
+
+
+class Xcodec2Config(PretrainedConfig):
+ r"""
+ This is the configuration class to store the configuration of an [`Xcodec2Model`]. It is used to instantiate a
+ Xcodec2 model according to the specified arguments, defining the model architecture. Instantiating a configuration
+ with the defaults will yield a similar configuration to that of the
+ [HKUSTAudio/xcodec2](https://huggingface.co/HKUSTAudio/xcodec2) architecture.
+
+ Configuration objects inherit from [`PretrainedConfig`] and can be used to control the model outputs. Read the
+ documentation from [`PretrainedConfig`] for more information.
+
+ Args:
+ encoder_hidden_size (`int`, *optional*, defaults to 1024):
+ Hidden size for the audio encoder model.
+ downsampling_ratios (`list[int]`, *optional*, defaults to `[2, 2, 4, 4, 5]`):
+ Ratios for downsampling in the encoder.
+ decoder_hidden_size (`int`, *optional*, defaults to 1024):
+ Hidden size for the audio decoder model.
+ semantic_model_config (`Union[Dict, Wav2Vec2BertConfig]`, *optional*):
+ An instance of the configuration object for the semantic (Wav2Vec2BertConfig) model.
+ initializer_range (`float`, *optional*, defaults to 0.02):
+ The standard deviation of the truncated_normal_initializer for initializing all weight matrices.
+ sampling_rate (`int`, *optional*, defaults to 16000):
+ The sampling rate at which the audio waveform should be digitalized expressed in hertz (Hz).
+ num_attention_heads (`int`, *optional*, defaults to 16):
+ Number of attention heads for the model.
+ num_key_value_heads (`int`, *optional*, defaults to 16):
+ Number of key value heads for the model.
+ num_hidden_layers (`int`, *optional*, defaults to 12):
+ Number of hidden layers in the Transformer decoder.
+ resnet_dropout (`float`, *optional*, defaults to 0.1):
+ Dropout rate for the ResNet blocks in the decoder.
+ attention_dropout (`float`, *optional*, defaults to 0.0):
+ Dropout rate for the attention layer.
+ attention_bias (`bool`, *optional*, defaults to `False`):
+ Whether to use bias in the attention layer.
+ hidden_act (`str` or `function`, *optional*, defaults to `"silu"`):
+ The non-linear activation function (function or string) in the decoder.
+ rms_norm_eps (`float`, *optional*, defaults to 1e-06):
+ Epsilon for RMS normalization.
+ head_dim (`int`, *optional*, defaults to 64):
+ Head dimension for the model.
+ vq_dim (`int`, *optional*, defaults to 2048):
+ Dimension for the VQ codebook.
+ vq_levels (`list[int]`, *optional*, defaults to `[4, 4, 4, 4, 4, 4, 4, 4]`):
+ Levels for the VQ codebook.
+ max_position_embeddings (`int`, *optional*, defaults to 4096):
+ The maximum sequence length that this model might ever be used with. Typically set this to something large just in case (e.g., 512 or 1024 or 2048).
+ rope_theta (`float`, *optional*, defaults to 10000.0):
+ The base period of the rotary position embeddings.
+ istft_padding (`str`, *optional*, defaults to `"same"`):
+ Padding type for the iSTFT in the decoder. Should be one of `"center"` or `"same"`.
+ """
+
+ model_type = "xcodec2"
+
+ sub_configs = {
+ "semantic_model_config": Wav2Vec2BertConfig,
+ }
+
+ def __init__(
+ self,
+ encoder_hidden_size=1024,
+ downsampling_ratios=[2, 2, 4, 4, 5],
+ decoder_hidden_size=1024,
+ semantic_model_config=None,
+ initializer_range=0.02,
+ sampling_rate=16000,
+ num_attention_heads=16,
+ num_key_value_heads=16,
+ num_hidden_layers=12,
+ resnet_dropout=0.1,
+ attention_dropout=0.0,
+ attention_bias=False,
+ hidden_act="silu",
+ rms_norm_eps=1e-6,
+ head_dim=64,
+ vq_dim=2048,
+ vq_levels=[4, 4, 4, 4, 4, 4, 4, 4],
+ max_position_embeddings=4096,
+ rope_theta=10000.0,
+ istft_padding="same",
+ **kwargs,
+ ):
+ super().__init__(**kwargs)
+ self.encoder_hidden_size = encoder_hidden_size
+ self.downsampling_ratios = downsampling_ratios
+
+ self.semantic_model_id = "facebook/w2v-bert-2.0" # needed for feature extractor
+ if semantic_model_config is None:
+ self.semantic_model_config = Wav2Vec2BertConfig()
+ elif isinstance(semantic_model_config, dict):
+ if "_name_or_path" in semantic_model_config:
+ # If the config is a path, load it using AutoConfig
+ self.semantic_model_config = AutoConfig.from_pretrained(semantic_model_config["_name_or_path"])
+ self.semantic_model_id = semantic_model_config["_name_or_path"]
+ else:
+ # assume HubertConfig as probably created from scratch
+ logger.warning(
+ "Could not determine semantic model type from config architecture. Defaulting to `Wav2Vec2BertConfig`."
+ )
+ self.semantic_model_config = Wav2Vec2BertConfig(**semantic_model_config)
+ elif isinstance(semantic_model_config, Wav2Vec2BertConfig):
+ self.semantic_model_config = semantic_model_config
+ else:
+ raise ValueError(
+ f"semantic_model_config must be a dict or Wav2Vec2BertConfig instance, but got {type(semantic_model_config)}"
+ )
+
+ self.initializer_range = initializer_range
+ self.sampling_rate = sampling_rate
+
+ # decoder parameters, which has hybrid ResNet-Transformer architecture
+ self.decoder_hidden_size = decoder_hidden_size
+ self.head_dim = head_dim
+ self.num_attention_heads = num_attention_heads
+ self.num_key_value_heads = num_key_value_heads
+ self.num_hidden_layers = num_hidden_layers
+ self.resnet_dropout = resnet_dropout
+ self.attention_dropout = attention_dropout
+ self.attention_bias = attention_bias
+ self.hidden_act = hidden_act
+ self.rms_norm_eps = rms_norm_eps
+ self.max_position_embeddings = max_position_embeddings
+ self.rope_theta = rope_theta
+ # -- Vocos vocoder parameters
+ self.istft_padding = istft_padding
+
+ # single codebook VQ is main feature of Xcodec2
+ self.num_quantizers = 1
+ self.vq_dim = vq_dim
+ self.vq_levels = vq_levels
+
+ @property
+ def frame_rate(self) -> int:
+ return math.ceil(self.sampling_rate / self.hop_length)
+
+ @property
+ def semantic_hidden_size(self) -> int:
+ return self.semantic_model_config.hidden_size
+
+ @property
+ def intermediate_size(self) -> int:
+ # Semantic and acoustic features are combined for a "fused feature embedding"
+ # See Encoder section on p. 3 of https://arxiv.org/pdf/2502.04128
+ return self.encoder_hidden_size + self.semantic_hidden_size
+
+ @property
+ def hop_length(self) -> int:
+ return int(np.prod(self.downsampling_ratios))
+
+ @property
+ def n_fft(self) -> int:
+ # For ISTFT in Vocos decoder
+ return self.hop_length * 4
+
+ @property
+ def hidden_size(self) -> int:
+ # For Transformer used in decoder
+ # See Decoder > Acoustic Reconstruction on p. 3 of https://arxiv.org/pdf/2502.04128
+ return self.decoder_hidden_size
+
+ @property
+ def codebook_size(self) -> int:
+ return int(np.prod(self.vq_levels))
+
+ @property
+ def codebook_dim(self) -> int:
+ return len(self.vq_levels)
+
+
+__all__ = ["Xcodec2Config"]
diff --git a/src/transformers/models/xcodec2/convert_xcodec2_checkpoint_to_pytorch.py b/src/transformers/models/xcodec2/convert_xcodec2_checkpoint_to_pytorch.py
new file mode 100644
index 000000000000..b01bd7826be6
--- /dev/null
+++ b/src/transformers/models/xcodec2/convert_xcodec2_checkpoint_to_pytorch.py
@@ -0,0 +1,316 @@
+# coding=utf-8
+# Copyright 2025 The HuggingFace Inc. team. All rights reserved.
+#
+# Licensed under the Apache License, Version 2.0 (the "License");
+# you may not use this file except in compliance with the License.
+# You may obtain a copy of the License at
+#
+# http://www.apache.org/licenses/LICENSE-2.0
+#
+# Unless required by applicable law or agreed to in writing, software
+# distributed under the License is distributed on an "AS IS" BASIS,
+# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
+# See the License for the specific language governing permissions and
+# limitations under the License.
+"""Convert Xcodec2 checkpoints."""
+
+import argparse
+import json
+import re
+
+import safetensors
+import torch
+
+from transformers import (
+ AutoConfig,
+ AutoFeatureExtractor,
+ Xcodec2Config,
+ Xcodec2FeatureExtractor,
+ Xcodec2Model,
+ logging,
+)
+
+
+logging.set_verbosity_info()
+logger = logging.get_logger("transformers.models.xcodec2")
+
+
+def assert_param_count(model_1, model_2):
+ count_1 = sum(p[1].numel() for p in model_1.named_parameters() if "final_proj" not in p[0])
+ count_2 = sum(p[1].numel() for p in model_2.named_parameters() if "final_proj" not in p[0])
+ assert count_1 == count_2, f"{model_1.__class__}: {count_1} != {model_2.__class__}: {count_2}"
+
+
+def param_count(model):
+ return sum(p[1].numel() for p in model.named_parameters() if "final_proj" not in p[0])
+
+
+def permute_for_rope(input_tensor, n_heads, dim1, dim2):
+ """
+ When you go from the complex ROPE formulation to sin and cos one, you need
+ to permute the query and key weights (to avoid doing it on the fly)
+ """
+ input_tensor = input_tensor.reshape(dim1, dim2)
+ input_tensor = input_tensor.view(n_heads, dim1 // n_heads // 2, 2, dim2)
+ input_tensor = input_tensor.transpose(1, 2).reshape(dim1, dim2)
+ return input_tensor
+
+
+def _convert_model(state_dict, hf_model):
+ tensors = {}
+
+ for old_k in state_dict.keys():
+ # update to new names used in `Xcodec2Model` in modeling_xcodec2.py
+ # old names can be found here: https://huggingface.co/HKUSTAudio/xcodec2/blob/main/modeling_xcodec2.py#L12
+ if "CodecEnc" in old_k:
+ k = old_k.replace("CodecEnc", "acoustic_encoder")
+
+ # Handle initial convolutional layer (conv_blocks.0 -> initial_conv)
+ if "conv_blocks.0" in k:
+ k = k.replace("conv_blocks.0", "initial_conv")
+
+ # Handle final layers (conv_final_block.0 -> final_activation, conv_final_block.1 -> final_conv)
+ elif "conv_final_block.0" in k:
+ k = k.replace("conv_final_block.0", "final_activation")
+ elif "conv_final_block.1" in k:
+ k = k.replace("conv_final_block.1", "final_conv")
+
+ # Handle encoder blocks (conv_blocks.1, conv_blocks.2, etc. -> encoder_blocks.0, encoder_blocks.1, etc.)
+ elif "conv_blocks." in k:
+ # Extract the block index (subtracting 1 because initial_conv replaced conv_blocks.0)
+ conv_block_pattern = r"acoustic_encoder\.conv_blocks\.(\d+)(.*)"
+ match = re.match(conv_block_pattern, k)
+ if match:
+ block_idx = int(match.group(1))
+ suffix = match.group(2)
+ # Adjust index (subtract 1 because we moved conv_blocks.0 to initial_conv)
+ k = f"acoustic_encoder.encoder_blocks.{block_idx - 1}{suffix}"
+
+ # Handle the ResidualUnit structure changes (nested blocks)
+ # We're looking for patterns like "block.X.block.Y" where Y is 0-3
+ nested_block_pattern = r"(.*\.block\.\d+)\.block\.(\d+)(.*)"
+ match = re.match(nested_block_pattern, k)
+ if match:
+ prefix = match.group(1) # Everything before .block.Y
+ subblock_idx = int(match.group(2)) # Y value (0-3)
+ suffix = match.group(3) # Everything after .block.Y
+
+ # Map to the corresponding component in ResidualUnit
+ if subblock_idx == 0:
+ k = f"{prefix}.activation1{suffix}"
+ elif subblock_idx == 1:
+ k = f"{prefix}.conv1{suffix}"
+ elif subblock_idx == 2:
+ k = f"{prefix}.activation2{suffix}"
+ elif subblock_idx == 3:
+ k = f"{prefix}.conv2{suffix}"
+
+ # Handle the EncoderBlock structure changes
+ # We're looking for patterns like "encoder_blocks.X.block.Y" where Y is 0-2 (residual units), 3 (activation), or 4 (conv)
+ encoder_block_pattern = r"(acoustic_encoder\.encoder_blocks\.\d+)\.block\.(\d+)(.*)"
+ match = re.match(encoder_block_pattern, k)
+ if match:
+ prefix = match.group(1) # Everything before .block.Y (conv_blocks.X)
+ block_idx = int(match.group(2)) # Y value (0-4)
+ suffix = match.group(3) # Everything after .block.Y
+
+ # Map to the corresponding component in EncoderBlock
+ if block_idx < 3: # First 3 are residual units (typically 0, 1, 2)
+ k = f"{prefix}.residual_units.{block_idx}{suffix}"
+ elif block_idx == 3: # This is the activation
+ k = f"{prefix}.activation{suffix}"
+ elif block_idx == 4: # This is the final conv
+ k = f"{prefix}.conv{suffix}"
+ elif "generator" in old_k:
+ k = old_k.replace("generator", "decoder")
+
+ # Handle prior_net -> prior_blocks conversion
+ if "backbone.prior_net.0." in k:
+ k = k.replace("backbone.prior_net.0.", "backbone.prior_blocks.0.")
+ elif "backbone.prior_net.1." in k:
+ k = k.replace("backbone.prior_net.1.", "backbone.prior_blocks.1.")
+
+ # Handle post_net -> post_blocks conversion
+ elif "backbone.post_net.0." in k:
+ k = k.replace("backbone.post_net.0.", "backbone.post_blocks.0.")
+ elif "backbone.post_net.1." in k:
+ k = k.replace("backbone.post_net.1.", "backbone.post_blocks.1.")
+
+ # Handle special cases for decoder.backbone.transformers
+ elif "backbone.transformers" in k:
+ if "c_attn" in k:
+ # split into 3 tensors
+ c_attn_weight = state_dict[old_k]
+ W_q, W_k, W_v = torch.chunk(c_attn_weight, chunks=3, dim=0)
+
+ n_heads = hf_model.config.num_attention_heads
+ W_q = permute_for_rope(W_q, n_heads, W_q.shape[0], W_q.shape[1])
+ W_k = permute_for_rope(W_k, n_heads, W_k.shape[0], W_k.shape[1])
+ k_mod = k.replace("att.", "self_attn.")
+ tensors[k_mod.replace("c_attn", "q_proj")] = W_q
+ tensors[k_mod.replace("c_attn", "k_proj")] = W_k
+ tensors[k_mod.replace("c_attn", "v_proj")] = W_v
+ continue # Skip the rest of the loop for this key
+ elif "c_proj" in k:
+ k = k.replace(".att.c_proj", ".self_attn.o_proj")
+ elif "att_norm" in k:
+ k = k.replace("att_norm", "input_layernorm")
+ elif "ffn_norm" in k:
+ k = k.replace("ffn_norm", "post_attention_layernorm")
+ elif "SemanticEncoder_module" in old_k:
+ k = old_k.replace("SemanticEncoder_module", "semantic_encoder")
+
+ # Handle residual_blocks -> individual modules conversion
+ if "residual_blocks.0." in k:
+ k = k.replace("residual_blocks.0.", "act1.")
+ elif "residual_blocks.1." in k:
+ k = k.replace("residual_blocks.1.", "conv1.")
+ elif "residual_blocks.2." in k:
+ k = k.replace("residual_blocks.2.", "act2.")
+ elif "residual_blocks.3." in k:
+ k = k.replace("residual_blocks.3.", "conv2.")
+ else:
+ k = old_k
+
+ # copy over to new state dict
+ tensors[k] = state_dict[old_k]
+
+ state_dict = tensors
+ extra_keys = set(state_dict.keys()) - set(hf_model.state_dict().keys())
+ missing_keys = set(hf_model.state_dict().keys()) - set(state_dict.keys())
+ if len(extra_keys) != 0:
+ raise ValueError(f"{len(extra_keys)} extra keys found: {extra_keys}")
+ if len(missing_keys) != 0:
+ raise ValueError(f"{len(missing_keys)} missing keys found: {missing_keys}")
+ hf_model.load_state_dict(state_dict, strict=True)
+ n_params = param_count(hf_model)
+
+ logger.info(f"model loaded: {round(n_params / 1e6, 1)}M params")
+
+ del state_dict
+
+ return hf_model
+
+
+@torch.no_grad()
+def convert_checkpoint(
+ checkpoint_path,
+ pytorch_dump_folder_path=None,
+ config_path=None,
+ repo_id=None,
+):
+ """
+ Copy/paste/tweak model's weights to transformers design.
+ """
+
+ semantic_model_id = "facebook/w2v-bert-2.0"
+
+ # load json
+ if config_path is not None:
+ with open(config_path, "r") as f:
+ model_config = json.load(f)
+ # # NOTE: `semantic_hidden_size` not needed as inside `semantic_model_config.hidden_size` (below)
+ # semantic_hidden_size = model_config["semantic_hidden_size"]
+ encoder_hidden_size = model_config["codec_encoder_hidden_size"]
+ decoder_hidden_size = model_config["codec_decoder_hidden_size"]
+ # # NOTE: not needed as always used: https://huggingface.co/HKUSTAudio/xcodec2/blob/main/modeling_xcodec2.py#L35
+ # use_vocos = model_config["use_vocos"]
+ else:
+ # default to https://huggingface.co/HKUSTAudio/xcodec2/blob/main/config.json
+ encoder_hidden_size = 1024
+ decoder_hidden_size = 1024
+
+ # create config
+ # -- use hardcoded semantic model: https://huggingface.co/HKUSTAudio/xcodec2/blob/main/modeling_xcodec2.py#L19
+ semantic_model_config = AutoConfig.from_pretrained(semantic_model_id, output_hidden_states=True)
+
+ config = Xcodec2Config(
+ encoder_hidden_size=encoder_hidden_size,
+ decoder_hidden_size=decoder_hidden_size,
+ semantic_model_config=semantic_model_config,
+ )
+
+ # create model
+ if not torch.cuda.is_available():
+ raise ValueError("Run this script on a machine with a GPU for weight norm layers to be correctly copied.")
+ torch_device = "cuda"
+ model = Xcodec2Model(config).to(torch_device).eval()
+
+ original_checkpoint = safetensors.torch.load_file(checkpoint_path)
+ if "best_state" in original_checkpoint:
+ # we might have a training state saved, in which case discard the yaml results and just retain the weights
+ original_checkpoint = original_checkpoint["best_state"]
+
+ # add weight norm, convert, and remove weight norm
+ model.apply_weight_norm()
+ model = _convert_model(original_checkpoint, model)
+ model.remove_weight_norm()
+
+ # create feature extractor
+ dac_id = "descript/dac_16khz"
+ semantic_model_id = "facebook/w2v-bert-2.0"
+ dac_fe = AutoFeatureExtractor.from_pretrained(dac_id)
+ semantic_fe = AutoFeatureExtractor.from_pretrained(semantic_model_id)
+ if semantic_fe.sampling_rate != dac_fe.sampling_rate:
+ raise ValueError(
+ f"Sampling rates for DAC and semantic feature extractor must match, got {dac_fe.sampling_rate} and {semantic_fe.sampling_rate}."
+ )
+ feature_extractor = Xcodec2FeatureExtractor(
+ feature_size=semantic_fe.feature_size,
+ sampling_rate=semantic_fe.sampling_rate,
+ num_mel_bins=semantic_fe.num_mel_bins,
+ padding_value=semantic_fe.padding_value,
+ stride=semantic_fe.stride,
+ n_channels=dac_fe.feature_size,
+ hop_length=dac_fe.hop_length,
+ pre_padding_value=dac_fe.padding_value,
+ )
+
+ # save and upload
+ if pytorch_dump_folder_path is not None:
+ model.save_pretrained(pytorch_dump_folder_path)
+ feature_extractor.save_pretrained(pytorch_dump_folder_path)
+
+ if repo_id:
+ print("Pushing to the hub...")
+ feature_extractor.push_to_hub(repo_id)
+ model.push_to_hub(repo_id)
+
+
+"""
+While there is training code on GitHub: https://github.com/zhenye234/X-Codec-2.0
+Modeling code on the Hub is used by xcodec2 (pip) package: https://huggingface.co/HKUSTAudio/xcodec2/blob/main/modeling_xcodec2.py
+
+Given their example usage: https://huggingface.co/HKUSTAudio/xcodec2/blob/main/modeling_xcodec2.py
+It seems best to use the config and weights from the Hub.
+
+Conversion example usage:
+```
+# download model and config
+wget https://huggingface.co/HKUSTAudio/xcodec2/resolve/main/config.json -P /raid/eric/xcodec2_original
+wget https://huggingface.co/HKUSTAudio/xcodec2/resolve/main/model.safetensors -P /raid/eric/xcodec2_original
+
+# run conversion
+python src/transformers/models/xcodec2/convert_xcodec2_checkpoint_to_pytorch.py \
+ --checkpoint_path /raid/eric/xcodec2_original/model.safetensors \
+ --config_path /raid/eric/xcodec2_original/config.json \
+ --push_to_hub hf-audio/xcodec2
+```
+
+"""
+if __name__ == "__main__":
+ parser = argparse.ArgumentParser()
+ parser.add_argument("--checkpoint_path", required=True, default=None, type=str, help="Path to original checkpoint")
+ parser.add_argument("--config_path", default=None, type=str, help="Path to hf config.json of model to convert")
+ parser.add_argument("--pytorch_dump_folder_path", default=None, type=str, help="Path to the output PyTorch model.")
+ parser.add_argument(
+ "--push_to_hub", default=None, type=str, help="Where to upload the converted model on the 🤗 hub."
+ )
+
+ args = parser.parse_args()
+ convert_checkpoint(
+ args.checkpoint_path,
+ args.pytorch_dump_folder_path,
+ args.config_path,
+ args.push_to_hub,
+ )
diff --git a/src/transformers/models/xcodec2/feature_extraction_xcodec2.py b/src/transformers/models/xcodec2/feature_extraction_xcodec2.py
new file mode 100644
index 000000000000..e45ae6fce048
--- /dev/null
+++ b/src/transformers/models/xcodec2/feature_extraction_xcodec2.py
@@ -0,0 +1,387 @@
+# coding=utf-8
+# Copyright 2025 The HuggingFace Inc. team. All rights reserved.
+#
+# Licensed under the Apache License, Version 2.0 (the "License");
+# you may not use this file except in compliance with the License.
+# You may obtain a copy of the License at
+#
+# http://www.apache.org/licenses/LICENSE-2.0
+#
+# Unless required by applicable law or agreed to in writing, software
+# distributed under the License is distributed on an "AS IS" BASIS,
+# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
+# See the License for the specific language governing permissions and
+# limitations under the License.
+"""Feature extractor class for Xcodec2 model."""
+
+import copy
+from typing import Any, Optional, Union
+
+import numpy as np
+
+from ... import is_torch_available
+from ...audio_utils import (
+ AudioInput,
+ make_list_of_audio,
+ mel_filter_bank,
+ spectrogram_batch,
+ spectrogram_torch,
+ window_function,
+)
+from ...feature_extraction_sequence_utils import SequenceFeatureExtractor
+from ...feature_extraction_utils import BatchFeature
+from ...utils import PaddingStrategy, TensorType, logging
+
+
+if is_torch_available():
+ import torch
+
+
+logger = logging.get_logger(__name__)
+
+
+class Xcodec2FeatureExtractor(SequenceFeatureExtractor):
+ r"""
+ Constructs a Xcodec2 feature extractor.
+
+ This feature extractor inherits from [`SequenceFeatureExtractor`] which contains most of the main methods. Users
+ should refer to this superclass for more information regarding those methods.
+
+ This class extracts mel-filter bank features for the semantic encoder, and also returns padded audio for the
+ acoustic encoder.
+
+ Args:
+ feature_size (`int`, *optional*, defaults to 80):
+ The feature dimension of the extracted features.
+ sampling_rate (`int`, *optional*, defaults to 16000):
+ The sample rate at which the audio files should be digitalized expressed in hertz (Hz).
+ n_fft (`int`, *optional*, defaults to 512):
+ FFT length for STFT.
+ window_length (`int`, *optional*, defaults to 400):
+ Length of window used in FFT.
+ num_mel_bins (`int`, *optional*, defaults to 80):
+ Number of Mel-frequency bins.
+ padding_value (`float`, *optional*, defaults to 1.0):
+ The value that is used to fill the padding vectors for the mel spectrogram.
+ stride (`int`, *optional*, defaults to 2):
+ Stride used to reshape audios from shape (batch_size,num_frames,num_mel_bins) to
+ (batch_size,num_frames//stride,num_mel_bins*stride). Namely grouping adjacent frames.
+ n_channels (`int`, *optional*, defaults to 1):
+ Number of channels in the input audio.
+ spec_hop_length (`int`, *optional*, defaults to 160):
+ Hop length used for computing Mel spectrogram.
+ hop_length (`int`, *optional*, defaults to 320):
+ Number of audio samples encoded per frame. Equivalent to product of downsampling ratios.
+ pre_padding_value (`float`, *optional*, defaults to 0.0):
+ The value that is used to fill the padding vectors for the input audio (before computing the spectrogram).
+ """
+
+ model_input_names = ["audio_spectrogram", "audio", "padding_mask"]
+
+ def __init__(
+ self,
+ feature_size=80,
+ sampling_rate=16000,
+ n_fft=512,
+ window_length=400,
+ num_mel_bins=80,
+ padding_value=1.0,
+ stride=2,
+ n_channels=1,
+ spec_hop_length=160,
+ hop_length=320,
+ pre_padding_value=0.0,
+ **kwargs,
+ ):
+ super().__init__(feature_size=feature_size, sampling_rate=sampling_rate, padding_value=padding_value, **kwargs)
+
+ # For DAC-like padding before Mel feature extraction
+ self.n_channels = n_channels
+ self.hop_length = hop_length
+ self.pre_padding_value = pre_padding_value
+ self.initial_padder = SequenceFeatureExtractor(
+ feature_size=n_channels,
+ sampling_rate=sampling_rate,
+ padding_value=pre_padding_value,
+ **kwargs,
+ )
+ self.initial_padder.model_input_names = ["audio", "padding_mask"]
+
+ # filter bank like SeamlessM4T
+ self.n_fft = n_fft
+ self.num_mel_bins = num_mel_bins
+ self.stride = stride
+ self.window_length = window_length
+ self.mel_floor = 1.192092955078125e-07
+ self.preemphasis = 0.97
+ self.spec_hop_length = spec_hop_length
+ self.spec_power = 2.0
+ self.spec_center = False
+ self.spec_remove_dc_offset = True
+ self.mel_filters = mel_filter_bank(
+ num_frequency_bins=self.n_fft // 2 + 1,
+ num_mel_filters=self.num_mel_bins,
+ min_frequency=20,
+ max_frequency=self.sampling_rate // 2,
+ sampling_rate=self.sampling_rate,
+ norm=None,
+ mel_scale="kaldi",
+ triangularize_in_mel_space=True,
+ )
+ self.window = window_function(self.window_length, "povey", periodic=False)
+
+ def _extract_fbank_features_numpy(
+ self,
+ audio_list: list[np.ndarray],
+ ) -> list[np.ndarray]:
+ """
+ Batch version of mel-filter bank feature extraction for improved efficiency for a batch.
+ """
+ # Process audio: apply Kaldi scaling
+ processed_audio = []
+ for audio in audio_list:
+ audio = np.squeeze(audio) * (2**15) # Kaldi compliance: 16-bit signed integers
+ processed_audio.append(audio)
+
+ # Use batch spectrogram processing
+ features_list = spectrogram_batch(
+ processed_audio,
+ self.window,
+ frame_length=self.window_length,
+ hop_length=self.spec_hop_length,
+ fft_length=self.n_fft,
+ power=self.spec_power,
+ center=self.spec_center,
+ preemphasis=self.preemphasis,
+ mel_filters=self.mel_filters,
+ log_mel="log",
+ mel_floor=self.mel_floor,
+ remove_dc_offset=self.spec_remove_dc_offset,
+ )
+
+ # Transpose each feature matrix to match expected format
+ return [features.T for features in features_list]
+
+ def _extract_fbank_features_torch(
+ self,
+ audio: np.ndarray,
+ device: str = "cpu",
+ ) -> list[np.ndarray]:
+ """
+ torch-based mel-filter bank feature extraction.
+ """
+ audio = torch.from_numpy(audio).to(device)
+ window = torch.from_numpy(self.window).to(device)
+ mel_filters = torch.from_numpy(self.mel_filters).to(device)
+
+ # To list of tensors for `spectrogram_torch`
+ processed_waveforms = []
+ for waveform in audio:
+ waveform = waveform.squeeze() * (2**15) # Kaldi compliance: 16-bit signed integers
+ processed_waveforms.append(waveform)
+
+ # Use batch spectrogram processing
+ features_list = spectrogram_torch(
+ processed_waveforms,
+ window,
+ frame_length=self.window_length,
+ hop_length=self.spec_hop_length,
+ fft_length=self.n_fft,
+ power=self.spec_power,
+ center=self.spec_center,
+ preemphasis=self.preemphasis,
+ mel_filters=mel_filters,
+ log_mel="log",
+ mel_floor=self.mel_floor,
+ remove_dc_offset=self.spec_remove_dc_offset,
+ )
+
+ # Transpose each feature matrix to match expected format
+ return [features.T for features in features_list]
+
+ def __call__(
+ self,
+ audio: AudioInput,
+ padding: Union[bool, str, PaddingStrategy] = True,
+ max_length: Optional[int] = None,
+ truncation: bool = False,
+ return_tensors: Optional[Union[str, TensorType]] = None,
+ sampling_rate: Optional[int] = None,
+ do_normalize_per_mel_bins: Optional[bool] = True,
+ use_torch: bool = False,
+ device: str = "cpu",
+ **kwargs,
+ ) -> BatchFeature:
+ """
+ Main method to featurize and prepare for the model one or several sequence(s).
+
+ Args:
+ audio (`np.ndarray`, `torch.Tensor`, `list[np.ndarray]`, `list[torch.Tensor]`):
+ Numpy array or torch tensor with shape (num_channels, sequence_length). A list of such arrays or
+ tensors can also be provided for a batch of inputs.
+ padding (`bool`, `str` or [`~utils.PaddingStrategy`], *optional*, defaults to `True`):
+ Select a strategy to pad the returned sequences (according to the model's padding side and padding
+ index) among:
+
+ - `True` or `'longest'`: Pad to the longest sequence in the batch (or no padding if only a single
+ sequence if provided).
+ - `'max_length'`: Pad to a maximum length specified with the argument `max_length` or to the maximum
+ acceptable input length for the model if that argument is not provided.
+ - `False` or `'do_not_pad'` (default): No padding (i.e., can output a batch with sequences of different
+ lengths).
+ pad_to_multiple_of (`int`, *optional*, defaults to 2):
+ If set will pad the sequence to a multiple of the provided value.
+
+ This is especially useful to enable the use of Tensor Cores on NVIDIA hardware with compute capability
+ `>= 7.5` (Volta), or on TPUs which benefit from having sequence lengths be a multiple of 128.
+ max_length (`int`, *optional*):
+ Maximum length of the returned list and optionally padding length (see above).
+ truncation (`bool`):
+ Activates truncation to cut input sequences longer than *max_length* to *max_length*.
+ return_tensors (`str` or [`~utils.TensorType`], *optional*):
+ If set, will return tensors instead of list of python integers. Acceptable values are:
+
+ - `'tf'`: Return TensorFlow `tf.constant` objects.
+ - `'pt'`: Return PyTorch `torch.Tensor` objects.
+ - `'np'`: Return Numpy `np.ndarray` objects.
+ sampling_rate (`int`, *optional*):
+ The sample rate at which the `audio` input was sampled. It is strongly recommended to pass
+ `sampling_rate` at the forward call to prevent silent errors.
+ do_normalize_per_mel_bins (`bool`, *optional*, defaults to `True`):
+ Whether or not to zero-mean unit-variance normalize the input per mel-channel.
+ use_torch (`bool`, *optional*, defaults to `True`):
+ Whether or not to use torch for mel-filter bank feature extraction. If `False`, a numpy
+ device (`str`, *optional*, defaults to `"cpu"`):
+ Device for PyTorch tensors when using torch.
+ kwargs (*optional*):
+ Remaining dictionary of keyword arguments that will be passed to the tokenizer or the feature
+ extractor.
+ """
+ if sampling_rate is not None:
+ if sampling_rate != self.sampling_rate:
+ raise ValueError(
+ f"The model corresponding to this feature extractor: {self} was trained using a sampling rate of"
+ f" {self.sampling_rate}. Please make sure that the provided `audio` input was sampled with"
+ f" {self.sampling_rate} and not {sampling_rate}."
+ )
+ else:
+ logger.warning(
+ f"It is strongly recommended to pass the `sampling_rate` argument to `{self.__class__.__name__}()`. "
+ "Failing to do so can result in silent errors that might be hard to debug."
+ )
+
+ # ensure batch
+ audio = make_list_of_audio(audio)
+
+ # DAC-like padding
+ for _, example in enumerate(audio):
+ if example.ndim > 2:
+ raise ValueError(f"Expected input shape (channels, length) but got shape {example.shape}")
+ if self.feature_size == 1 and example.ndim != 1:
+ raise ValueError(f"Expected mono audio but example has {example.shape[-1]} channels")
+ if self.feature_size == 2:
+ raise ValueError("Stereo audio isn't supported for now")
+
+ input_values = BatchFeature({"audio": audio})
+ padded_inputs = self.initial_padder.pad(
+ input_values,
+ max_length=max_length,
+ truncation=truncation,
+ padding=padding,
+ return_attention_mask=padding,
+ pad_to_multiple_of=self.hop_length,
+ return_tensors="np",
+ )
+ if padding:
+ padded_inputs["padding_mask"] = padded_inputs.pop("attention_mask")
+
+ # Add channel dimension: (batch_size, sequence_length) -> (batch_size, 1, sequence_length)
+ padded_inputs["audio"] = padded_inputs["audio"][:, np.newaxis, :]
+
+ # Xcodec2 processing between DAC and SeamlessM4T feature extractors
+ # See: https://github.com/huggingface/transformers/pull/37868#discussion_r2382396644
+ # 1) redundant padding inside modeling of PyPI version (xcodec2==0.1.3)
+ # probably accidental on their part, but it is needed to get same results
+ # since their logic pads even if input is multiple of hop length
+ audio_seq_len = padded_inputs["audio"].shape[-1]
+ hop_padding = self.hop_length - (audio_seq_len % self.hop_length)
+ padded_inputs["audio"] = np.pad(
+ padded_inputs["audio"],
+ ((0, 0), (0, 0), (0, hop_padding)), # only pad time dim
+ mode="constant",
+ constant_values=0.0,
+ )
+ padded_inputs["padding_mask"] = np.pad(
+ padded_inputs["padding_mask"],
+ ((0, 0), (0, hop_padding)),
+ mode="constant",
+ constant_values=0.0,
+ )
+
+ # 2) padding before semantic model feature extractor (i.e. that of SeamlessM4TFeatureExtractor)
+ semantic_padding = self.hop_length // 2
+ semantic_input = np.pad(
+ padded_inputs["audio"],
+ ((0, 0), (0, 0), (semantic_padding, semantic_padding)), # only pad time dim
+ mode="constant",
+ constant_values=0.0,
+ )
+
+ # Compute Mel Spectrogram like in SeamlessM4TFeatureExtractor
+ if use_torch:
+ if not is_torch_available():
+ raise ImportError("`use_torch=True` requires PyTorch to be installed.")
+ mel_features = self._extract_fbank_features_torch(semantic_input, device=device)
+ mel_features = [x.cpu().numpy() for x in mel_features]
+ else:
+ semantic_input = [np.asarray(speech, dtype=np.float32) for speech in semantic_input]
+ mel_features = self._extract_fbank_features_numpy(semantic_input)
+
+ if do_normalize_per_mel_bins:
+ # torch defaults to ddof=1, and numpy defaults to ddof=0
+ mel_features = [(x - x.mean(0)) / np.sqrt(x.var(0, ddof=1) + 1e-7) for x in mel_features]
+ encoded_inputs = BatchFeature({"audio_spectrogram": mel_features})
+ padded_mel = self.pad(
+ encoded_inputs,
+ padding=padding,
+ max_length=max_length,
+ truncation=truncation,
+ pad_to_multiple_of=self.stride,
+ return_attention_mask=False,
+ return_tensors="np",
+ )
+ # Process mel features with stride reshaping
+ audio_spectrogram = padded_mel["audio_spectrogram"]
+ batch_size, num_frames, num_mel_channels = audio_spectrogram.shape
+
+ # Trim frames to be divisible by stride and reshape to group adjacent frames (features * stride)
+ trimmed_frames = num_frames - (num_frames % self.stride)
+ audio_spectrogram = audio_spectrogram[:, :trimmed_frames, :].reshape(
+ batch_size, trimmed_frames // self.stride, num_mel_channels * self.stride
+ )
+
+ # Combine output from DAC-like padding and SeamlessM4T feature extractor
+ padded_inputs["audio_spectrogram"] = audio_spectrogram
+
+ if return_tensors is not None:
+ padded_inputs = padded_inputs.convert_to_tensors(return_tensors)
+
+ return padded_inputs
+
+ def to_dict(self) -> dict[str, Any]:
+ """
+ Serializes this instance to a Python dictionary. Returns:
+ `dict[str, Any]`: Dictionary of all the attributes that make up this configuration instance.
+ """
+ output = copy.deepcopy(self.__dict__)
+ output["feature_extractor_type"] = self.__class__.__name__
+ if "mel_filters" in output:
+ del output["mel_filters"]
+ if "initial_padder" in output:
+ del output["initial_padder"]
+ if "window" in output:
+ del output["window"]
+ return output
+
+
+__all__ = ["Xcodec2FeatureExtractor"]
diff --git a/src/transformers/models/xcodec2/modeling_xcodec2.py b/src/transformers/models/xcodec2/modeling_xcodec2.py
new file mode 100644
index 000000000000..d99559c1e3f1
--- /dev/null
+++ b/src/transformers/models/xcodec2/modeling_xcodec2.py
@@ -0,0 +1,1813 @@
+# 🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨
+# This file was automatically generated from src/transformers/models/xcodec2/modular_xcodec2.py.
+# Do NOT edit this file manually as any edits will be overwritten by the generation of
+# the file from the modular. If any change should be done, please apply the change to the
+# modular_xcodec2.py file directly. One of our CI enforces this.
+# 🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨🚨
+# coding=utf-8
+# Copyright 2025 The HuggingFace Inc. team. All rights reserved.
+#
+# Licensed under the Apache License, Version 2.0 (the "License");
+# you may not use this file except in compliance with the License.
+# You may obtain a copy of the License at
+#
+# http://www.apache.org/licenses/LICENSE-2.0
+#
+# Unless required by applicable law or agreed to in writing, software
+# distributed under the License is distributed on an "AS IS" BASIS,
+# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
+# See the License for the specific language governing permissions and
+# limitations under the License.
+
+import math
+import random
+from contextlib import nullcontext
+from dataclasses import dataclass
+from functools import partial, wraps
+from math import ceil
+from typing import Callable, Optional, Union
+
+import torch
+import torch.distributed as dist
+import torch.nn.functional as F
+from torch import int32, nn, sin, sinc
+from torch.amp import autocast
+from torch.nn import Module, Parameter
+
+from transformers.activations import ACT2FN
+
+from ...cache_utils import Cache
+from ...integrations import use_kernel_forward_from_hub
+from ...modeling_layers import GradientCheckpointingLayer
+from ...modeling_rope_utils import ROPE_INIT_FUNCTIONS, dynamic_rope_update
+from ...modeling_utils import ALL_ATTENTION_FUNCTIONS, PreTrainedModel
+from ...processing_utils import Unpack
+from ...utils import (
+ ModelOutput,
+ TransformersKwargs,
+ add_start_docstrings,
+ add_start_docstrings_to_model_forward,
+ replace_return_docstrings,
+)
+from ...utils.deprecation import deprecate_kwarg
+from ..auto import AutoModel
+from .configuration_xcodec2 import Xcodec2Config
+
+
+# General docstring
+_CONFIG_FOR_DOC = "Xcodec2Config"
+
+
+@dataclass
+class Xcodec2Output(ModelOutput):
+ """
+ Args:
+ audio_values (`torch.FloatTensor` of shape `(batch_size, 1, sequence_length)`, *optional*):
+ Decoded audio waveform values in the time domain, obtained using the decoder
+ part of Xcodec2. These represent the reconstructed audio signal.
+ audio_codes (`torch.LongTensor` of shape `(batch_size, 1, codes_length)`, *optional*):
+ Discrete code embeddings computed using `model.encode`. These are the quantized
+ representations of the input audio used for further processing or generation.
+ quantized_representation (`torch.Tensor` of shape `(batch_size, dimension, time_steps)`):
+ Quantized continuous representation of input's embedding.
+ codes_padding_mask (`torch.int32` of shape `(batch_size, 1, codes_length)`, *optional*):
+ Downsampled `padding_mask` for indicating valid audio codes in `audio_codes`.
+ """
+
+ audio_values: Optional[torch.FloatTensor] = None
+ audio_codes: Optional[torch.LongTensor] = None
+ quantized_representation: Optional[torch.Tensor] = None
+ codes_padding_mask: Optional[torch.Tensor] = None
+
+
+@dataclass
+class Xcodec2EncoderOutput(ModelOutput):
+ """
+ Args:
+ audio_codes (`torch.LongTensor` of shape `(batch_size, 1, codes_length)`, *optional*):
+ Discrete code embeddings computed using `model.encode`. These represent
+ the compressed, quantized form of the input audio signal that can be
+ used for storage, transmission, or generation.
+ quantized_representation (`torch.Tensor` of shape `(batch_size, dimension, time_steps)`):
+ Quantized continuous representation of input's embedding.
+ codes_padding_mask (`torch.int32` of shape `(batch_size, 1, codes_length)`, *optional*):
+ Downsampled `padding_mask` for indicating valid audio codes in `audio_codes`.
+
+ """
+
+ audio_codes: Optional[torch.LongTensor] = None
+ quantized_representation: Optional[torch.Tensor] = None
+ codes_padding_mask: Optional[torch.Tensor] = None
+
+
+@dataclass
+class Xcodec2DecoderOutput(ModelOutput):
+ """
+ Args:
+ audio_values (`torch.FloatTensor` of shape `(batch_size, 1, segment_length)`, *optional*):
+ Decoded audio waveform values in the time domain, obtained by converting
+ the discrete codes back into continuous audio signals. This represents
+ the reconstructed audio that can be played back.
+ """
+
+ audio_values: Optional[torch.FloatTensor] = None
+
+
+def repeat_kv(hidden_states: torch.Tensor, n_rep: int) -> torch.Tensor:
+ """
+ This is the equivalent of torch.repeat_interleave(x, dim=1, repeats=n_rep). The hidden states go from (batch,
+ num_key_value_heads, seqlen, head_dim) to (batch, num_attention_heads, seqlen, head_dim)
+ """
+ batch, num_key_value_heads, slen, head_dim = hidden_states.shape
+ if n_rep == 1:
+ return hidden_states
+ hidden_states = hidden_states[:, :, None, :, :].expand(batch, num_key_value_heads, n_rep, slen, head_dim)
+ return hidden_states.reshape(batch, num_key_value_heads * n_rep, slen, head_dim)
+
+
+def eager_attention_forward(
+ module: nn.Module,
+ query: torch.Tensor,
+ key: torch.Tensor,
+ value: torch.Tensor,
+ attention_mask: Optional[torch.Tensor],
+ scaling: float,
+ dropout: float = 0.0,
+ **kwargs: Unpack[TransformersKwargs],
+):
+ key_states = repeat_kv(key, module.num_key_value_groups)
+ value_states = repeat_kv(value, module.num_key_value_groups)
+
+ attn_weights = torch.matmul(query, key_states.transpose(2, 3)) * scaling
+ if attention_mask is not None:
+ causal_mask = attention_mask[:, :, :, : key_states.shape[-2]]
+ attn_weights = attn_weights + causal_mask
+
+ attn_weights = nn.functional.softmax(attn_weights, dim=-1, dtype=torch.float32).to(query.dtype)
+ attn_weights = nn.functional.dropout(attn_weights, p=dropout, training=module.training)
+ attn_output = torch.matmul(attn_weights, value_states)
+ attn_output = attn_output.transpose(1, 2).contiguous()
+
+ return attn_output, attn_weights
+
+
+# Default `unsqueeze_dim=2`
+def apply_rotary_pos_emb(q, k, cos, sin, position_ids=None, unsqueeze_dim=2):
+ """Applies Rotary Position Embedding to the query and key tensors.
+
+ Args:
+ q (`torch.Tensor`): The query tensor.
+ k (`torch.Tensor`): The key tensor.
+ cos (`torch.Tensor`): The cosine part of the rotary embedding.
+ sin (`torch.Tensor`): The sine part of the rotary embedding.
+ position_ids (`torch.Tensor`, *optional*):
+ Deprecated and unused.
+ unsqueeze_dim (`int`, *optional*, defaults to 2):
+ The 'unsqueeze_dim' argument specifies the dimension along which to unsqueeze cos[position_ids] and
+ sin[position_ids] so that they can be properly broadcasted to the dimensions of q and k. For example, note
+ that cos[position_ids] and sin[position_ids] have the shape [batch_size, seq_len, head_dim]. Then, if q and
+ k have the shape [batch_size, heads, seq_len, head_dim], then setting unsqueeze_dim=1 makes
+ cos[position_ids] and sin[position_ids] broadcastable to the shapes of q and k. Similarly, if q and k have
+ the shape [batch_size, seq_len, heads, head_dim], then set unsqueeze_dim=2.
+ Returns:
+ `tuple(torch.Tensor)` comprising of the query and key tensors rotated using the Rotary Position Embedding.
+ """
+ cos = cos.unsqueeze(unsqueeze_dim)
+ sin = sin.unsqueeze(unsqueeze_dim)
+ q_embed = (q * cos) + (rotate_half(q) * sin)
+ k_embed = (k * cos) + (rotate_half(k) * sin)
+ return q_embed, k_embed
+
+
+def rotate_half(x):
+ """Rotates half the hidden dims of the input."""
+ x1 = x[..., : x.shape[-1] // 2]
+ x2 = x[..., x.shape[-1] // 2 :]
+ return torch.cat((-x2, x1), dim=-1)
+
+
+class Xcodec2Attention(nn.Module):
+ """Multi-headed attention from 'Attention Is All You Need' paper"""
+
+ def __init__(self, config: Xcodec2Config, layer_idx: int):
+ super().__init__()
+ self.config = config
+ self.layer_idx = layer_idx
+ self.head_dim = getattr(config, "head_dim", config.hidden_size // config.num_attention_heads)
+ self.num_key_value_groups = config.num_attention_heads // config.num_key_value_heads
+ self.scaling = self.head_dim**-0.5
+ self.attention_dropout = config.attention_dropout
+ self.is_causal = False
+
+ self.q_proj = nn.Linear(
+ config.hidden_size, config.num_attention_heads * self.head_dim, bias=config.attention_bias
+ )
+ self.k_proj = nn.Linear(
+ config.hidden_size, config.num_key_value_heads * self.head_dim, bias=config.attention_bias
+ )
+ self.v_proj = nn.Linear(
+ config.hidden_size, config.num_key_value_heads * self.head_dim, bias=config.attention_bias
+ )
+ self.o_proj = nn.Linear(
+ config.num_attention_heads * self.head_dim, config.hidden_size, bias=config.attention_bias
+ )
+
+ @deprecate_kwarg("past_key_value", new_name="past_key_values", version="4.58")
+ def forward(
+ self,
+ hidden_states: torch.Tensor,
+ position_embeddings: tuple[torch.Tensor, torch.Tensor],
+ attention_mask: Optional[torch.Tensor],
+ past_key_values: Optional[Cache] = None,
+ cache_position: Optional[torch.LongTensor] = None,
+ **kwargs: Unpack[TransformersKwargs],
+ ) -> tuple[torch.Tensor, torch.Tensor]:
+ input_shape = hidden_states.shape[:-1]
+ hidden_shape = (*input_shape, -1, self.head_dim)
+
+ query_states = self.q_proj(hidden_states).view(hidden_shape).transpose(1, 2)
+ key_states = self.k_proj(hidden_states).view(hidden_shape).transpose(1, 2)
+ value_states = self.v_proj(hidden_states).view(hidden_shape).transpose(1, 2)
+
+ cos, sin = position_embeddings
+ query_states, key_states = apply_rotary_pos_emb(query_states, key_states, cos, sin)
+
+ if past_key_values is not None:
+ # sin and cos are specific to RoPE models; cache_position needed for the static cache
+ cache_kwargs = {"sin": sin, "cos": cos, "cache_position": cache_position}
+ key_states, value_states = past_key_values.update(key_states, value_states, self.layer_idx, cache_kwargs)
+
+ attention_interface: Callable = eager_attention_forward
+ if self.config._attn_implementation != "eager":
+ attention_interface = ALL_ATTENTION_FUNCTIONS[self.config._attn_implementation]
+
+ attn_output, attn_weights = attention_interface(
+ self,
+ query_states,
+ key_states,
+ value_states,
+ attention_mask,
+ dropout=0.0 if not self.training else self.attention_dropout,
+ scaling=self.scaling,
+ **kwargs,
+ )
+
+ attn_output = attn_output.reshape(*input_shape, -1).contiguous()
+ attn_output = self.o_proj(attn_output)
+ return attn_output, attn_weights
+
+
+class Xcodec2RotaryEmbedding(nn.Module):
+ inv_freq: torch.Tensor # fix linting for `register_buffer`
+
+ def __init__(self, config: Xcodec2Config, device=None):
+ super().__init__()
+ # BC: "rope_type" was originally "type"
+ if hasattr(config, "rope_scaling") and isinstance(config.rope_scaling, dict):
+ self.rope_type = config.rope_scaling.get("rope_type", config.rope_scaling.get("type"))
+ else:
+ self.rope_type = "default"
+ self.max_seq_len_cached = config.max_position_embeddings
+ self.original_max_seq_len = config.max_position_embeddings
+
+ self.config = config
+ self.rope_init_fn = ROPE_INIT_FUNCTIONS[self.rope_type]
+
+ inv_freq, self.attention_scaling = self.rope_init_fn(self.config, device)
+ self.register_buffer("inv_freq", inv_freq, persistent=False)
+ self.original_inv_freq = self.inv_freq
+
+ @torch.no_grad()
+ @dynamic_rope_update # power user: used with advanced RoPE types (e.g. dynamic rope)
+ def forward(self, x, position_ids):
+ inv_freq_expanded = self.inv_freq[None, :, None].float().expand(position_ids.shape[0], -1, 1).to(x.device)
+ position_ids_expanded = position_ids[:, None, :].float()
+
+ device_type = x.device.type if isinstance(x.device.type, str) and x.device.type != "mps" else "cpu"
+ with torch.autocast(device_type=device_type, enabled=False): # Force float32
+ freqs = (inv_freq_expanded.float() @ position_ids_expanded.float()).transpose(1, 2)
+ emb = torch.cat((freqs, freqs), dim=-1)
+ cos = emb.cos() * self.attention_scaling
+ sin = emb.sin() * self.attention_scaling
+
+ return cos.to(dtype=x.dtype), sin.to(dtype=x.dtype)
+
+
+# Unlike LlamaMLP, does not have `gate_proj` layer
+class Xcodec2MLP(nn.Module):
+ def __init__(self, config: Xcodec2Config):
+ super().__init__()
+ dim = config.hidden_size
+
+ self.fc1 = nn.Linear(dim, 4 * dim, bias=False)
+ self.activation = ACT2FN[config.hidden_act]
+ self.fc2 = nn.Linear(4 * dim, dim, bias=False)
+
+ def forward(self, x):
+ x = self.fc1(x)
+ x = self.activation(x)
+ x = self.fc2(x)
+ return x
+
+
+@use_kernel_forward_from_hub("RMSNorm")
+class Xcodec2RMSNorm(nn.Module):
+ def __init__(self, hidden_size, eps=1e-6):
+ """
+ Xcodec2RMSNorm is equivalent to T5LayerNorm
+ """
+ super().__init__()
+ self.weight = nn.Parameter(torch.ones(hidden_size))
+ self.variance_epsilon = eps
+
+ def forward(self, hidden_states):
+ input_dtype = hidden_states.dtype
+ hidden_states = hidden_states.to(torch.float32)
+ variance = hidden_states.pow(2).mean(-1, keepdim=True)
+ hidden_states = hidden_states * torch.rsqrt(variance + self.variance_epsilon)
+ return self.weight * hidden_states.to(input_dtype)
+
+ def extra_repr(self):
+ return f"{tuple(self.weight.shape)}, eps={self.variance_epsilon}"
+
+
+class Xcodec2DecoderLayer(GradientCheckpointingLayer):
+ def __init__(self, config: Xcodec2Config, layer_idx: int):
+ super().__init__()
+ self.hidden_size = config.hidden_size
+
+ self.self_attn = Xcodec2Attention(config=config, layer_idx=layer_idx)
+
+ self.mlp = Xcodec2MLP(config)
+ self.input_layernorm = Xcodec2RMSNorm(config.hidden_size, eps=config.rms_norm_eps)
+ self.post_attention_layernorm = Xcodec2RMSNorm(config.hidden_size, eps=config.rms_norm_eps)
+
+ @deprecate_kwarg("past_key_value", new_name="past_key_values", version="4.58")
+ def forward(
+ self,
+ hidden_states: torch.Tensor,
+ attention_mask: Optional[torch.Tensor] = None,
+ position_ids: Optional[torch.LongTensor] = None,
+ past_key_values: Optional[Cache] = None,
+ use_cache: Optional[bool] = False,
+ cache_position: Optional[torch.LongTensor] = None,
+ position_embeddings: Optional[tuple[torch.Tensor, torch.Tensor]] = None, # necessary, but kept here for BC
+ **kwargs: Unpack[TransformersKwargs],
+ ) -> torch.Tensor:
+ residual = hidden_states
+ hidden_states = self.input_layernorm(hidden_states)
+ # Self Attention
+ hidden_states, _ = self.self_attn(
+ hidden_states=hidden_states,
+ attention_mask=attention_mask,
+ position_ids=position_ids,
+ past_key_values=past_key_values,
+ use_cache=use_cache,
+ cache_position=cache_position,
+ position_embeddings=position_embeddings,
+ **kwargs,
+ )
+ hidden_states = residual + hidden_states
+
+ # Fully Connected
+ residual = hidden_states
+ hidden_states = self.post_attention_layernorm(hidden_states)
+ hidden_states = self.mlp(hidden_states)
+ hidden_states = residual + hidden_states
+ return hidden_states
+
+
+class Xcodec2SnakeBeta(nn.Module):
+ """
+ A modified Snake function which uses separate parameters for the magnitude and frequency of the periodic components.
+
+ Shape:
+ - Input: (B, C, T)
+ - Output: (B, C, T), same shape as the input
+
+ Parameters:
+ - dim: The number of input features
+ - logscale: Whether to use logarithmic scaling for alpha and beta (default: False)
+
+ References:
+ - This activation function is a modified version based on this paper by Liu Ziyin, Tilman Hartwig, Masahito Ueda:
+ https://arxiv.org/abs/2006.08195
+
+ Examples:
+ >>> activation = Xcodec2SnakeBeta(256)
+ >>> x = torch.randn(1, 256, 100) # (batch, channels, time)
+ >>> y = activation(x)
+ """
+
+ def __init__(self, dim, logscale=True):
+ """
+ Args:
+ dim: Shape of the input features (channels dimension)
+ logscale: Whether to use log scale initialization (default: True)
+ If True, alpha and beta are initialized to zeros
+ If False, alpha and beta are initialized to ones
+
+ Note:
+ - alpha controls the frequency of the periodic components
+ - beta controls the magnitude of the periodic components
+ """
+ super().__init__()
+ self.dim = dim
+
+ # initialize alpha
+ self.logscale = logscale
+ if self.logscale: # log scale alphas initialized to zeros
+ self.alpha = Parameter(torch.zeros(dim))
+ self.beta = Parameter(torch.zeros(dim))
+ else: # linear scale alphas initialized to ones
+ self.alpha = Parameter(torch.ones(dim))
+ self.beta = Parameter(torch.ones(dim))
+ self.no_div_by_zero = 0.000000001
+
+ def forward(self, x):
+ """
+ Forward pass of the function.
+ Applies the function to the input elementwise.
+ SnakeBeta ∶= x + 1/b * sin^2 (xa)
+ """
+ alpha = self.alpha.unsqueeze(0).unsqueeze(-1)
+ beta = self.beta.unsqueeze(0).unsqueeze(-1)
+ if self.logscale:
+ alpha = torch.exp(alpha)
+ beta = torch.exp(beta)
+ x = x + (1.0 / (beta + self.no_div_by_zero)) * pow(sin(x * alpha), 2)
+
+ return x
+
+
+def kaiser_sinc_filter1d(cutoff, half_width, kernel_size):
+ """
+ Creates a Kaiser-windowed sinc filter for low-pass filtering.
+
+ Args:
+ cutoff: Normalized cutoff frequency (0 to 0.5, where 0.5 is the Nyquist frequency)
+ half_width: Transition bandwidth parameter controlling filter roll-off
+ kernel_size: Size of the filter kernel
+
+ Returns:
+ torch.Tensor: A 1D filter kernel of shape (1, 1, kernel_size)
+ """
+ even = kernel_size % 2 == 0
+ half_size = kernel_size // 2
+
+ # For kaiser window
+ delta_f = 4 * half_width
+ A = 2.285 * (half_size - 1) * math.pi * delta_f + 7.95
+ if A > 50.0:
+ beta = 0.1102 * (A - 8.7)
+ elif A >= 21.0:
+ beta = 0.5842 * (A - 21) ** 0.4 + 0.07886 * (A - 21.0)
+ else:
+ beta = 0.0
+ window = torch.kaiser_window(kernel_size, beta=beta, periodic=False)
+
+ # ratio = 0.5/cutoff -> 2 * cutoff = 1 / ratio
+ if even:
+ time = torch.arange(-half_size, half_size) + 0.5
+ else:
+ time = torch.arange(kernel_size) - half_size
+ if cutoff == 0:
+ filter_ = torch.zeros_like(time)
+ else:
+ filter_ = 2 * cutoff * window * sinc(2 * cutoff * time)
+ # Normalize filter to have sum = 1, otherwise we will have a small leakage
+ # of the constant component in the input signal.
+ filter_ /= filter_.sum()
+ filter = filter_.view(1, 1, kernel_size)
+
+ return filter
+
+
+class LowPassFilter1d(nn.Module):
+ """
+ Used by `DownSample1d`.
+ """
+
+ def __init__(
+ self,
+ cutoff=0.5,
+ half_width=0.6,
+ stride: int = 1,
+ padding: bool = True,
+ padding_mode: str = "replicate",
+ kernel_size: int = 12,
+ ):
+ super().__init__()
+ if cutoff < -0.0:
+ raise ValueError("Minimum cutoff must be larger than zero.")
+ if cutoff > 0.5:
+ raise ValueError("A cutoff above 0.5 does not make sense.")
+ self.kernel_size = kernel_size
+ self.even = kernel_size % 2 == 0
+ self.pad_left = kernel_size // 2 - int(self.even)
+ self.pad_right = kernel_size // 2
+ self.stride = stride
+ self.padding = padding
+ self.padding_mode = padding_mode
+ filter = kaiser_sinc_filter1d(cutoff, half_width, kernel_size)
+ self.register_buffer("filter", filter)
+
+ # input [B, C, T]
+ def forward(self, x):
+ _, C, _ = x.shape
+
+ if self.padding:
+ x = F.pad(x, (self.pad_left, self.pad_right), mode=self.padding_mode)
+ out = F.conv1d(x, self.filter.expand(C, -1, -1), stride=self.stride, groups=C)
+
+ return out
+
+
+class UpSample1d(nn.Module):
+ """
+ 1D upsampling module using transposed convolution with a sinc filter.
+
+ This module performs anti-aliased upsampling by first padding the input signal,
+ then applying a transposed convolution with a Kaiser-windowed sinc filter,
+ and finally trimming the resulting signal to remove boundary effects.
+
+ Args:
+ ratio (int): Upsampling ratio (default: 2)
+ kernel_size (int, optional): Size of the filter kernel.
+ If None, it's automatically calculated as 6 * ratio.
+ """
+
+ def __init__(self, ratio=2, kernel_size=None):
+ super().__init__()
+ self.ratio = ratio
+ self.kernel_size = int(6 * ratio // 2) * 2 if kernel_size is None else kernel_size
+ self.stride = ratio
+ self.pad = self.kernel_size // ratio - 1
+ self.pad_left = self.pad * self.stride + (self.kernel_size - self.stride) // 2
+ self.pad_right = self.pad * self.stride + (self.kernel_size - self.stride + 1) // 2
+ filter = kaiser_sinc_filter1d(cutoff=0.5 / ratio, half_width=0.6 / ratio, kernel_size=self.kernel_size)
+ self.register_buffer("filter", filter)
+
+ def forward(self, x):
+ _, C, _ = x.shape
+
+ x = F.pad(x, (self.pad, self.pad), mode="replicate")
+ x = self.ratio * F.conv_transpose1d(x, self.filter.expand(C, -1, -1), stride=self.stride, groups=C)
+ x = x[..., self.pad_left : -self.pad_right]
+
+ return x
+
+
+class DownSample1d(nn.Module):
+ """
+ 1D downsampling module using a low-pass filter.
+
+ This module performs anti-aliased downsampling by applying a low-pass filter
+ with an appropriate cutoff frequency followed by strided convolution.
+
+ Args:
+ ratio (int): Downsampling ratio (default: 2)
+ kernel_size (int, optional): Size of the filter kernel.
+ If None, it's automatically calculated as 6 * ratio.
+ """
+
+ def __init__(self, ratio=2, kernel_size=None):
+ super().__init__()
+ self.ratio = ratio
+ self.kernel_size = int(6 * ratio // 2) * 2 if kernel_size is None else kernel_size
+ self.lowpass = LowPassFilter1d(
+ cutoff=0.5 / ratio, half_width=0.6 / ratio, stride=ratio, kernel_size=self.kernel_size
+ )
+
+ def forward(self, x):
+ x = self.lowpass(x)
+
+ return x
+
+
+class Activation1d(nn.Module):
+ """
+ A module that applies activation function with up-sampling and down-sampling.
+
+ This module first up-samples the input signal, applies an activation function,
+ and then down-samples the result. This architecture allows for more complex
+ non-linear transformations of the signal.
+
+ Args:
+ activation (`torch.nn.Module`):
+ The activation function module to apply (e.g., nn.ReLU(), nn.LeakyReLU()).
+ up_ratio (`int`, *optional*, defaults to 2):
+ The up-sampling ratio for increasing temporal resolution before activation.
+ down_ratio (`int`, *optional*, defaults to 2):
+ The down-sampling ratio for decreasing temporal resolution after activation.
+ up_kernel_size (`int`, *optional*, defaults to 12):
+ The kernel size used in the up-sampling operation.
+ down_kernel_size (`int`, *optional*, defaults to 12):
+ The kernel size used in the down-sampling operation.
+ """
+
+ def __init__(
+ self, activation, up_ratio: int = 2, down_ratio: int = 2, up_kernel_size: int = 12, down_kernel_size: int = 12
+ ):
+ super().__init__()
+ self.up_ratio = up_ratio
+ self.down_ratio = down_ratio
+ self.act = activation
+ self.upsample = UpSample1d(up_ratio, up_kernel_size)
+ self.downsample = DownSample1d(down_ratio, down_kernel_size)
+
+ def forward(self, x):
+ x = self.upsample(x)
+ x = self.act(x)
+ x = self.downsample(x)
+
+ return x
+
+
+class ResidualUnit(nn.Module):
+ """
+ A residual unit that combines dilated convolutions with activation functions.
+
+ This unit performs a series of operations while maintaining a residual connection:
+ 1. First activation with up/down-sampling
+ 2. Dilated convolution with kernel size 7
+ 3. Second activation with up/down-sampling
+ 4. 1x1 convolution for channel mixing
+ 5. Addition of the input (residual connection)
+
+ Args:
+ dim (`int`, *optional*, defaults to 16):
+ The number of channels in the input and output tensors.
+ dilation (`int`, *optional*, defaults to 1):
+ The dilation rate for the main convolution operation. Higher values
+ increase the receptive field without increasing parameter count.
+ """
+
+ def __init__(self, dim: int = 16, dilation: int = 1):
+ super().__init__()
+ pad = ((7 - 1) * dilation) // 2
+ self.activation1 = Activation1d(activation=Xcodec2SnakeBeta(dim, logscale=True))
+ self.conv1 = nn.Conv1d(dim, dim, kernel_size=7, dilation=dilation, padding=pad)
+ self.activation2 = Activation1d(activation=Xcodec2SnakeBeta(dim, logscale=True))
+ self.conv2 = nn.Conv1d(dim, dim, kernel_size=1)
+
+ def forward(self, x):
+ residual = x
+ x = self.activation1(x)
+ x = self.conv1(x)
+ x = self.activation2(x)
+ x = self.conv2(x)
+ return residual + x
+
+
+class EncoderBlock(nn.Module):
+ """
+ Encoder block for the Xcodec2 acoustic encoder.
+
+ This block consists of:
+ 1. A series of residual units with different dilation rates
+ 2. An activation function with upsampling and downsampling
+ 3. A strided convolution to change the dimension and downsample if stride > 1
+
+ Args:
+ dim (int): Dimension of the output features. Input dimension is assumed to be dim // 2
+ stride (int): Stride for the final convolution, controls downsampling factor
+ dilations (tuple): Dilation rates for the residual units
+ """
+
+ def __init__(self, dim: int = 16, stride: int = 1, dilations=(1, 3, 9)):
+ super().__init__()
+ self.residual_units = nn.ModuleList([ResidualUnit(dim // 2, dilation=d) for d in dilations])
+ self.activation = Activation1d(activation=Xcodec2SnakeBeta(dim // 2, logscale=True))
+ self.conv = nn.Conv1d(
+ dim // 2,
+ dim,
+ kernel_size=2 * stride,
+ stride=stride,
+ padding=stride // 2 + stride % 2,
+ )
+
+ def forward(self, x):
+ for residual_unit in self.residual_units:
+ x = residual_unit(x)
+ x = self.activation(x)
+ x = self.conv(x)
+ return x
+
+
+class Xcodec2CodecEncoder(nn.Module):
+ """
+ The encoder component of the Xcodec2 model for audio encoding.
+
+ This encoder transforms raw audio waveforms into latent representations:
+ 1. Initial convolution to process the raw audio input
+ 2. Series of encoder blocks with progressively increasing feature dimensions and downsampling
+ 3. Final activation and projection to the target hidden dimension
+
+ Args:
+ d_model (`int`, *optional*, defaults to 48):
+ Initial dimension of the model. This will be doubled at each encoder block.
+ downsampling_ratios (`List[int]`, *optional*, defaults to [2, 2, 4, 4, 5]):
+ List of downsampling ratios for each encoder block. The product of these values
+ determines the total temporal compression factor.
+ dilations (`tuple`, *optional*, defaults to (1, 3, 9)):
+ Tuple of dilation rates used in the residual units within each encoder block.
+ hidden_dim (`int`, *optional*, defaults to 1024):
+ Dimension of the final latent representation after encoding.
+ """
+
+ def __init__(
+ self,
+ d_model=48,
+ downsampling_ratios=[2, 2, 4, 4, 5],
+ dilations=(1, 3, 9),
+ hidden_dim=1024,
+ ):
+ super().__init__()
+
+ self.initial_conv = nn.Conv1d(1, d_model, kernel_size=7, padding=3)
+
+ self.encoder_blocks = nn.ModuleList()
+ for i, stride in enumerate(downsampling_ratios):
+ d_model *= 2
+ self.encoder_blocks.append(EncoderBlock(d_model, stride=stride, dilations=dilations))
+
+ self.final_activation = Activation1d(activation=Xcodec2SnakeBeta(d_model, logscale=True))
+ self.final_conv = nn.Conv1d(d_model, hidden_dim, kernel_size=3, padding=1)
+
+ def forward(self, x):
+ """
+ Forward pass of the Xcodec2 encoder.
+
+ Args:
+ x (`torch.Tensor` of shape `(batch_size, 1, sequence_length)`):
+ Input audio waveform tensor. Expected to be a mono audio signal with shape
+ (batch_size, 1, sequence_length).
+
+ Returns:
+ `torch.Tensor` of shape `(batch_size, compressed_length, hidden_dim)`:
+ Encoded audio representation with temporal dimension compressed by the product
+ of all downsampling_ratios. The output tensor is transposed to have the
+ sequence dimension second (batch_size, seq_len, features) for compatibility
+ with transformer-based models.
+ """
+ # Initial convolution
+ x = self.initial_conv(x)
+
+ # Apply all encoder blocks
+ for encoder_block in self.encoder_blocks:
+ x = encoder_block(x)
+
+ # Final processing
+ x = self.final_activation(x)
+ x = self.final_conv(x)
+ x = x.permute(0, 2, 1)
+ return x
+
+
+class ResNetBlock(nn.Module):
+ """
+ A basic residual block for 1D convolutional networks.
+
+ This block consists of:
+ 1. GroupNorm + SiLU-like activation (x * sigmoid(x)) + Conv1d
+ 2. GroupNorm + SiLU-like activation + Dropout + Conv1d
+ 3. Residual connection, with optional projection if input and output channels differ
+
+ Args:
+ in_channels: Number of input channels
+ out_channels: Number of output channels (defaults to in_channels if None)
+ dropout: Dropout probability (default: 0.1)
+ """
+
+ def __init__(self, *, in_channels, out_channels=None, dropout=0.1):
+ super().__init__()
+ self.in_channels = in_channels
+ out_channels = in_channels if out_channels is None else out_channels
+ self.out_channels = out_channels
+
+ self.norm1 = torch.nn.GroupNorm(num_groups=32, num_channels=in_channels, eps=1e-6, affine=True)
+ self.conv1 = torch.nn.Conv1d(in_channels, out_channels, kernel_size=3, stride=1, padding=1)
+ self.norm2 = torch.nn.GroupNorm(num_groups=32, num_channels=out_channels, eps=1e-6, affine=True)
+ self.dropout = torch.nn.Dropout(dropout)
+ self.conv2 = torch.nn.Conv1d(out_channels, out_channels, kernel_size=3, stride=1, padding=1)
+ if self.in_channels != self.out_channels:
+ self.nin_shortcut = torch.nn.Conv1d(in_channels, out_channels, kernel_size=1, stride=1, padding=0)
+
+ def forward(self, x):
+ h = x
+ h = self.norm1(h)
+ h = h * torch.sigmoid(h)
+ h = self.conv1(h)
+ h = self.norm2(h)
+ h = h * torch.sigmoid(h)
+ h = self.dropout(h)
+ h = self.conv2(h)
+
+ if self.in_channels != self.out_channels:
+ x = self.nin_shortcut(x)
+
+ return x + h
+
+
+class Xcodec2VocosBackbone(nn.Module):
+ """
+ Hybrid ResNet-Transformer architecture.
+
+ Architecture overview:
+ - Input embedding: A 1D convolution (kernel size 7, padding 3) projects raw features
+ into the model's hidden dimension.
+ - Prior ResNet blocks: Two ResNet-style residual blocks operate on the hidden states
+ to provide early nonlinear feature processing.
+ - Rotary embeddings: Rotary positional embeddings (RoPE) are initialized to provide
+ position-dependent information to the Transformer layers.
+ - Transformer stack: A sequence of Xcodec2DecoderLayer modules applies self-attention
+ with rotary embeddings, interleaved with MLPs, to model long-range dependencies.
+ - Normalization: A final LayerNorm is applied to stabilize training and outputs.
+ - Post ResNet blocks: Two additional ResNet-style blocks refine the representation
+ after the Transformer stack.
+
+ This design combines convolutional inductive biases (via ResNet-style blocks and the
+ initial Conv1d embedding) with the global sequence modeling capabilities of
+ Transformers, making it suitable for sequence data such as audio or other temporal
+ signals.
+ """
+
+ def __init__(self, config: Xcodec2Config):
+ super().__init__()
+
+ self.embed = nn.Conv1d(config.hidden_size, config.hidden_size, kernel_size=7, padding=3)
+ block_in = config.hidden_size
+ dropout = config.resnet_dropout
+
+ self.prior_blocks = nn.ModuleList(
+ [
+ ResNetBlock(in_channels=block_in, out_channels=block_in, dropout=dropout),
+ ResNetBlock(in_channels=block_in, out_channels=block_in, dropout=dropout),
+ ]
+ )
+
+ # Initialize rotary embeddings
+ self.position_ids = torch.arange(config.num_attention_heads).unsqueeze(0)
+ self.rotary_emb = Xcodec2RotaryEmbedding(config=config)
+
+ # Create transformer layers
+ self.transformers = nn.ModuleList(
+ [Xcodec2DecoderLayer(config, layer_idx) for layer_idx in range(config.num_hidden_layers)]
+ )
+
+ self.final_layer_norm = nn.LayerNorm(config.hidden_size, eps=1e-6)
+
+ self.post_blocks = nn.ModuleList(
+ [
+ ResNetBlock(
+ in_channels=config.hidden_size,
+ out_channels=config.hidden_size,
+ dropout=dropout,
+ ),
+ ResNetBlock(in_channels=block_in, out_channels=block_in, dropout=dropout),
+ ]
+ )
+
+ def forward(self, x: torch.Tensor) -> torch.Tensor:
+ """
+ Forward pass for the Xcodec2VocosBackbone.
+
+ The processing flow includes:
+ 1. Initial embedding via 1D convolution
+ 2. Processing through ResNet blocks
+ 3. Transformer processing with rotary position embeddings
+ 4. Final ResNet blocks and normalization
+
+ Args:
+ x (`torch.Tensor` of shape `(batch_size, sequence_length, hidden_size)`):
+ Input tensor containing features to process.
+
+ Returns:
+ `torch.Tensor` of shape `(batch_size, sequence_length, hidden_size)`:
+ Processed features with the same shape as the input but transformed
+ through the backbone architecture.
+ """
+ # Handle initial transformations
+ x = x.transpose(1, 2)
+ x = self.embed(x)
+
+ # Process through prior_blocks
+ for block in self.prior_blocks:
+ x = block(x)
+
+ x = x.transpose(1, 2) # [batch, seq_len, hidden_dim]
+
+ # Generate rotary embeddings
+ position_embeddings = self.rotary_emb(x, self.position_ids.to(x.device))
+
+ # Apply transformer layers with position embeddings
+ for layer in self.transformers:
+ x = layer(
+ x,
+ position_embeddings=position_embeddings,
+ )
+
+ # Handle final transformations
+ x = x.transpose(1, 2)
+
+ # Process through post_blocks
+ for block in self.post_blocks:
+ x = block(x)
+
+ x = x.transpose(1, 2)
+ x = self.final_layer_norm(x)
+
+ return x
+
+
+class Xcodec2ISTFT(nn.Module):
+ """
+ As in original Vocos code:
+ https://github.com/gemelo-ai/vocos/blob/c859e3b7b534f3776a357983029d34170ddd6fc3/vocos/spectral_ops.py#L7
+
+ Custom ISTFT implementation to support "same" padding as in Vocos.
+ """
+
+ def __init__(self, config: Xcodec2Config):
+ super().__init__()
+ if config.istft_padding not in ["center", "same"]:
+ raise ValueError("Padding must be 'center' or 'same'.")
+ self.padding = config.istft_padding
+ self.n_fft = config.n_fft
+ self.hop_length = config.hop_length
+ self.win_length = getattr(config, "win_length", config.n_fft)
+ window = torch.hann_window(self.win_length)
+ self.register_buffer("window", window)
+
+ def forward(self, spec: torch.Tensor) -> torch.Tensor:
+ """
+ Compute the Inverse Short Time Fourier Transform (ISTFT) of a complex spectrogram.
+
+ Args:
+ spec (Tensor): Input complex spectrogram of shape (B, N, T), where B is the batch size,
+ is the number of frequency bins, and T is the number of time frames.
+
+ Returns:
+ Tensor: Reconstructed time-domain signal of shape (B, L), where L is the length of the output signal.
+ """
+ if spec.dim() != 3:
+ raise ValueError("Expected a 3D tensor as input")
+
+ if self.padding == "center":
+ # Fallback to pytorch native implementation
+ return torch.istft(spec, self.n_fft, self.hop_length, self.win_length, self.window, center=True)
+
+ elif self.padding == "same":
+ # Custom implementation from Vocos codebase
+ pad = (self.win_length - self.hop_length) // 2
+ n_frames = spec.shape[-1]
+
+ # Inverse FFT
+ ifft = torch.fft.irfft(spec, self.n_fft, dim=1, norm="backward")
+ ifft = ifft * self.window[None, :, None]
+
+ # Overlap and Add
+ output_size = (n_frames - 1) * self.hop_length + self.win_length
+ y = F.fold(
+ ifft,
+ output_size=(1, output_size),
+ kernel_size=(1, self.win_length),
+ stride=(1, self.hop_length),
+ )[:, 0, 0, pad:-pad]
+
+ # Window envelope
+ window_sq = self.window.square().expand(1, n_frames, -1).transpose(1, 2)
+ window_envelope = F.fold(
+ window_sq,
+ output_size=(1, output_size),
+ kernel_size=(1, self.win_length),
+ stride=(1, self.hop_length),
+ ).squeeze()[pad:-pad]
+
+ # Normalize
+ if not (window_envelope > 1e-11).all():
+ raise ValueError("Window envelope values are too small (<=1e-11)")
+ return y / window_envelope
+
+ else:
+ raise ValueError("Padding must be 'center' or 'same'.")
+
+
+class Xcodec2ISTFTHead(nn.Module):
+ """
+ As in original Vocos code:
+ https://github.com/gemelo-ai/vocos/blob/c859e3b7b534f3776a357983029d34170ddd6fc3/vocos/heads.py#L26
+ - Projects the hidden states to STFT coefficients (magnitude and phase)
+ - Applies ISTFT to reconstruct the time-domain audio signal
+ """
+
+ def __init__(self, config: Xcodec2Config):
+ super().__init__()
+ self.out = torch.nn.Linear(config.hidden_size, config.n_fft + 2)
+ self.istft = Xcodec2ISTFT(config)
+
+ def forward(self, x: torch.Tensor) -> torch.Tensor:
+ """
+ Forward pass of the ISTFTHead module.
+
+ Args:
+ x (Tensor): Input tensor of shape (B, L, H), where B is the batch size,
+ L is the sequence length, and H denotes the model dimension.
+
+ Returns:
+ Tensor: Reconstructed time-domain audio signal of shape (B, T), where T is the length of the output signal.
+ Tensor: Predicted STFT coefficients of shape (B, L, N+2), where N is the number of frequency bins.
+ """
+ x_pred = self.out(x).transpose(1, 2)
+ mag, p = x_pred.chunk(2, dim=1)
+ mag = torch.exp(mag)
+ mag = torch.clip(mag, max=1e2) # safeguard to prevent excessively large magnitudes
+ # wrapping happens here. These two lines produce real and imaginary value
+ spectrogram_real = torch.cos(p)
+ spectrogram_imag = torch.sin(p)
+ spectrogram_complex = mag * (spectrogram_real + 1j * spectrogram_imag)
+ audio = self.istft(spectrogram_complex)
+ return audio
+
+
+def round_ste(z):
+ """
+ Round with straight through gradients.
+ Used in `Xcodec2FSQ`.
+ """
+ zhat = z.round()
+ return z + (zhat - z).detach()
+
+
+def maybe(fn):
+ """
+ Used in `Xcodec2FSQ`.
+ """
+
+ @wraps(fn)
+ def inner(x, *args, **kwargs):
+ if x is None:
+ return x
+ return fn(x, *args, **kwargs)
+
+ return inner
+
+
+class Xcodec2FSQ(Module):
+ """
+ Copied from https://github.com/lucidrains/vector-quantize-pytorch/blob/fe903ce2ae9c125ace849576aa6d09c5cec21fe4/vector_quantize_pytorch/finite_scalar_quantization.py#L61
+ Simply changed asserts to raise ValueErrors.
+ """
+
+ def __init__(
+ self,
+ levels: list[int],
+ dim: Optional[int] = None,
+ num_codebooks=1,
+ keep_num_codebooks_dim: Optional[bool] = None,
+ scale: Optional[float] = None,
+ allowed_dtypes: tuple[torch.dtype, ...] = (torch.float32, torch.float64),
+ channel_first: bool = False,
+ projection_has_bias: bool = True,
+ return_indices=True,
+ force_quantization_f32=True,
+ preserve_symmetry: bool = False,
+ noise_dropout=0.0,
+ ):
+ super().__init__()
+
+ _levels = torch.tensor(levels, dtype=int32)
+ self.register_buffer("_levels", _levels, persistent=False)
+
+ _basis = torch.cumprod(torch.tensor([1] + levels[:-1]), dim=0, dtype=int32)
+ self.register_buffer("_basis", _basis, persistent=False)
+
+ self.scale = scale
+
+ self.preserve_symmetry = preserve_symmetry
+ self.noise_dropout = noise_dropout
+
+ codebook_dim = len(levels)
+ self.codebook_dim = codebook_dim
+
+ effective_codebook_dim = codebook_dim * num_codebooks
+ self.num_codebooks = num_codebooks
+ self.effective_codebook_dim = effective_codebook_dim
+
+ keep_num_codebooks_dim = keep_num_codebooks_dim if keep_num_codebooks_dim is not None else num_codebooks > 1
+ if num_codebooks > 1 and not keep_num_codebooks_dim:
+ raise ValueError("When num_codebooks > 1, keep_num_codebooks_dim must be True")
+ self.keep_num_codebooks_dim = keep_num_codebooks_dim
+
+ self.dim = dim if dim is not None else len(_levels) * num_codebooks
+
+ self.channel_first = channel_first
+
+ has_projections = self.dim != effective_codebook_dim
+ self.project_in = (
+ nn.Linear(self.dim, effective_codebook_dim, bias=projection_has_bias) if has_projections else nn.Identity()
+ )
+ self.project_out = (
+ nn.Linear(effective_codebook_dim, self.dim, bias=projection_has_bias) if has_projections else nn.Identity()
+ )
+
+ self.has_projections = has_projections
+
+ self.return_indices = return_indices
+ if return_indices:
+ self.codebook_size = math.prod(levels)
+ implicit_codebook = self._indices_to_codes(torch.arange(self.codebook_size))
+ self.register_buffer("implicit_codebook", implicit_codebook, persistent=False)
+
+ self.allowed_dtypes = allowed_dtypes
+ self.force_quantization_f32 = force_quantization_f32
+
+ def bound(self, z, eps: float = 1e-3):
+ half_l = (self._levels - 1) * (1 + eps) / 2
+ offset = torch.where(self._levels % 2 == 0, 0.5, 0.0)
+ shift = (offset / half_l).atanh()
+ return (z + shift).tanh() * half_l - offset
+
+ def quantize(self, z):
+ _, _, noise_dropout, preserve_symmetry, half_width = (
+ z.shape[0],
+ z.device,
+ self.noise_dropout,
+ self.preserve_symmetry,
+ (self._levels // 2),
+ )
+ bound_fn = self.symmetry_preserving_bound if preserve_symmetry else self.bound
+
+ bounded_z = bound_fn(z)
+ if self.training and noise_dropout > 0.0:
+ offset_mask = torch.bernoulli(torch.full_like(bounded_z, noise_dropout)).bool()
+ offset = torch.rand_like(bounded_z) - 0.5
+ bounded_z = torch.where(offset_mask, bounded_z + offset, bounded_z)
+
+ return round_ste(bounded_z) / half_width
+
+ def _scale_and_shift(self, zhat_normalized):
+ half_width = self._levels // 2
+ return (zhat_normalized * half_width) + half_width
+
+ def _scale_and_shift_inverse(self, zhat):
+ half_width = self._levels // 2
+ return (zhat - half_width) / half_width
+
+ def _indices_to_codes(self, indices):
+ level_indices = self.indices_to_level_indices(indices)
+ codes = self._scale_and_shift_inverse(level_indices)
+ return codes
+
+ def codes_to_indices(self, zhat):
+ """Converts a `code` to an index in the codebook."""
+ if zhat.shape[-1] != self.codebook_dim:
+ raise ValueError(f"Expected zhat to have shape [-1, {self.codebook_dim}], but got {zhat.shape}")
+ zhat = self._scale_and_shift(zhat)
+ return (zhat * self._basis).sum(dim=-1).to(int32)
+
+ def indices_to_level_indices(self, indices):
+ """Converts indices to indices at each level, perhaps needed for a transformer with factorized embeddings"""
+ indices = indices.unsqueeze(-1)
+ codes_non_centered = (indices // self._basis) % self._levels
+ return codes_non_centered
+
+ def indices_to_codes(self, indices):
+ """Inverse of `codes_to_indices`."""
+ if indices is None:
+ raise ValueError("indices cannot be None")
+
+ codes = self._indices_to_codes(indices)
+
+ if self.keep_num_codebooks_dim:
+ codes = codes.reshape(*codes.shape[:-2], -1)
+
+ codes = self.project_out(codes)
+
+ return codes
+
+ def forward(self, z):
+ """
+ einstein notation
+ b - batch
+ n - sequence (or flattened spatial dimensions)
+ d - feature dimension
+ c - number of codebook dim
+ """
+
+ if z.shape[-1] != self.dim:
+ raise ValueError(f"expected dimension of {self.dim} but found dimension of {z.shape[-1]}")
+
+ z = self.project_in(z)
+
+ # z = rearrange(z, 'b n (c d) -> b n c d', c = self.num_codebooks)
+ b, n, cd = z.shape # (b, n, c·d)
+ c = self.num_codebooks
+ d = cd // c # infer the per-codebook dimension
+
+ z = z.view(b, n, c, d) # now (b, n, c, d)
+ # whether to force quantization step to be full precision or not
+
+ force_f32 = self.force_quantization_f32
+ quantization_context = partial(autocast, "cuda", enabled=False) if force_f32 else nullcontext
+ with quantization_context():
+ orig_dtype = z.dtype
+
+ if force_f32 and orig_dtype not in self.allowed_dtypes:
+ z = z.float()
+
+ codes = self.quantize(z)
+
+ # returning indices could be optional
+ indices = None
+
+ if self.return_indices:
+ indices = self.codes_to_indices(codes)
+
+ # codes = rearrange(codes, 'b n c d -> b n (c d)')
+ codes = codes.flatten(start_dim=2)
+ codes = codes.to(orig_dtype)
+
+ # project out
+ out = self.project_out(codes)
+ if not self.keep_num_codebooks_dim and self.return_indices:
+ indices = maybe(lambda t, *_, **__: t.squeeze(-1))(indices)
+
+ # return quantized output and indices
+ return out, indices
+
+
+def get_maybe_sync_seed(device, max_size=10_000):
+ """
+ Used in `Xcodec2ResidualFSQ`.
+ """
+ rand_int = torch.randint(0, max_size, (), device=device)
+
+ if dist.is_initialized() and dist.get_world_size() > 1:
+ dist.all_reduce(rand_int)
+
+ return rand_int.item()
+
+
+class Xcodec2ResidualFSQ(Module):
+ """
+ Copied from https://github.com/lucidrains/vector-quantize-pytorch/blob/fe903ce2ae9c125ace849576aa6d09c5cec21fe4/vector_quantize_pytorch/residual_fsq.py#L49
+ Simply changed asserts to raise ValueErrors.
+ """
+
+ def __init__(
+ self,
+ *,
+ levels: list[int],
+ num_quantizers,
+ dim: Optional[int] = None,
+ is_channel_first=False,
+ quantize_dropout=False,
+ quantize_dropout_cutoff_index=0,
+ quantize_dropout_multiple_of=1,
+ soft_clamp_input_value=None,
+ **kwargs,
+ ):
+ super().__init__()
+ codebook_dim = len(levels)
+
+ dim = codebook_dim if dim is None else dim
+
+ requires_projection = codebook_dim != dim
+ self.project_in = nn.Linear(dim, codebook_dim) if requires_projection else nn.Identity()
+ self.project_out = nn.Linear(codebook_dim, dim) if requires_projection else nn.Identity()
+ self.has_projections = requires_projection
+
+ self.is_channel_first = is_channel_first
+ self.num_quantizers = num_quantizers
+ self.soft_clamp_input_value = soft_clamp_input_value
+ self.levels = levels
+ self.layers = nn.ModuleList([])
+
+ levels_tensor = torch.Tensor(levels)
+
+ scales = []
+
+ for ind in range(num_quantizers):
+ scales.append((levels_tensor - 1) ** -ind)
+
+ fsq = Xcodec2FSQ(levels=levels, dim=codebook_dim, **kwargs)
+
+ self.layers.append(fsq)
+
+ self.codebook_size = self.layers[0].codebook_size
+
+ self.register_buffer("scales", torch.stack(scales), persistent=False)
+
+ self.quantize_dropout = quantize_dropout and num_quantizers > 1
+
+ if quantize_dropout_cutoff_index < 0:
+ raise ValueError("quantize_dropout_cutoff_index must be greater than or equal to 0")
+
+ self.quantize_dropout_cutoff_index = quantize_dropout_cutoff_index
+ self.quantize_dropout_multiple_of = quantize_dropout_multiple_of
+
+ @property
+ def codebooks(self):
+ codebooks = [layer.implicit_codebook for layer in self.layers]
+ codebooks = torch.stack(codebooks, dim=0)
+ return codebooks
+
+ def get_codes_from_indices(self, indices):
+ _, quantize_dim = indices.shape[0], indices.shape[-1]
+ b, *spatial_dims, q = indices.shape
+ indices_packed = indices.reshape(b, -1, q)
+ ps = (tuple(spatial_dims),)
+
+ if quantize_dim < self.num_quantizers:
+ if not self.quantize_dropout > 0.0:
+ raise ValueError(
+ "quantize dropout must be greater than 0 if you wish to reconstruct from a signal with less fine quantizations"
+ )
+ indices_packed = F.pad(indices_packed, (0, self.num_quantizers - quantize_dim), value=-1)
+
+ mask = indices_packed == -1
+ indices_proc = indices_packed.masked_fill(mask, 0)
+
+ indices_permuted = indices_proc.permute(2, 0, 1)
+
+ selected_codes = [self.codebooks[qi][indices_permuted[qi]] for qi in range(self.num_quantizers)]
+
+ all_codes = torch.stack(selected_codes, dim=0)
+
+ mask_permuted = mask.permute(2, 0, 1).unsqueeze(-1)
+ all_codes = all_codes.masked_fill(mask_permuted, 0.0)
+
+ scales_reshaped = self.scales.view(self.num_quantizers, 1, 1, -1)
+ all_codes = all_codes * scales_reshaped
+
+ spatial_shape = tuple(ps[0])
+ q, b, _, d = all_codes.shape
+
+ all_codes = all_codes.reshape(q, b, *spatial_shape, d)
+ return all_codes
+
+ def get_output_from_indices(self, indices):
+ codes = self.get_codes_from_indices(indices)
+ codes_summed = torch.sum(codes, dim=0)
+ return self.project_out(codes_summed)
+
+ def forward(self, x, return_all_codes=False, rand_quantize_dropout_fixed_seed=None):
+ num_quant, quant_dropout_multiple_of, device = self.num_quantizers, self.quantize_dropout_multiple_of, x.device
+
+ x = self.project_in(x)
+
+ if self.soft_clamp_input_value is not None:
+ clamp_value = self.soft_clamp_input_value
+ x = (x / clamp_value).tanh() * clamp_value
+
+ quantized_out = 0.0
+ residual = self.layers[0].bound(x)
+
+ all_indices = []
+
+ should_quantize_dropout = self.training and self.quantize_dropout and torch.is_grad_enabled()
+
+ if should_quantize_dropout:
+ if rand_quantize_dropout_fixed_seed is None:
+ rand_quantize_dropout_fixed_seed = get_maybe_sync_seed(device)
+
+ rand = random.Random(rand_quantize_dropout_fixed_seed)
+
+ rand_quantize_dropout_index = rand.randrange(self.quantize_dropout_cutoff_index, num_quant)
+
+ if quant_dropout_multiple_of != 1:
+ rand_quantize_dropout_index = ceil((rand_quantize_dropout_index + 1) / quant_dropout_multiple_of) - 1
+
+ null_indices = torch.full(x.shape[:2], -1.0, device=device, dtype=torch.long)
+
+ with autocast("cuda", enabled=False):
+ for quantizer_index, (layer, scale) in enumerate(zip(self.layers, self.scales)):
+ if should_quantize_dropout and quantizer_index > rand_quantize_dropout_index:
+ all_indices.append(null_indices)
+ continue
+
+ quantized, indices = layer(residual / scale)
+
+ quantized = quantized * scale
+
+ residual = residual - quantized.detach()
+ quantized_out = quantized_out + quantized
+
+ all_indices.append(indices)
+
+ quantized_out = self.project_out(quantized_out.to(x.dtype))
+
+ all_indices = torch.stack(all_indices, dim=-1)
+
+ ret = (quantized_out, all_indices)
+
+ if not return_all_codes:
+ return ret
+
+ all_codes = self.get_codes_from_indices(all_indices)
+
+ return (*ret, all_codes)
+
+
+class Xcodec2CodecDecoderVocos(nn.Module):
+ def __init__(
+ self,
+ config: Xcodec2Config,
+ ):
+ super().__init__()
+ self.quantizer = Xcodec2ResidualFSQ(
+ dim=config.vq_dim, levels=config.vq_levels, num_quantizers=config.num_quantizers
+ )
+ self.backbone = Xcodec2VocosBackbone(config=config)
+ self.head = Xcodec2ISTFTHead(config=config)
+
+ def quantize(self, x):
+ """
+ Quantize input features using the vector quantizer.
+
+ Args:
+ x (torch.Tensor): Input tensor of shape (B, D, L) where B is batch size,
+ D is feature dimension, and L is sequence length.
+
+ Returns:
+ Tuple of (quantized_tensor, quantization_indices)
+ - quantized_tensor: The quantized representation with shape (B, L, D)
+ - quantization_indices: The indices in the codebook with shape (B, L, Q)
+ where Q is the number of quantizers
+ """
+ x = x.permute(0, 2, 1)
+ x, q = self.quantizer(x)
+ x = x.permute(0, 2, 1)
+ q = q.permute(0, 2, 1)
+ return x, q
+
+ def forward(self, x):
+ """
+ x (torch.Tensor):
+ Projected audio codes to reconstruct as audio.
+
+ Returns:
+ audio_waveform: The reconstructed audio waveform with shape (B, 1, T).
+ """
+ x = self.backbone(x)
+ x = self.head(x).unsqueeze(1)
+ return x
+
+
+class Xcodec2SemanticEncoder(nn.Module):
+ """
+ Maps input features of pre-trained semantic model to semantic embedding.
+ """
+
+ def __init__(
+ self,
+ input_channels: int,
+ code_dim: int,
+ encode_channels: int,
+ kernel_size: int = 3,
+ bias: bool = True,
+ ):
+ super().__init__()
+
+ # Initial convolution, maps input_channels to encode_channels
+ self.initial_conv = nn.Conv1d(
+ in_channels=input_channels,
+ out_channels=encode_channels,
+ kernel_size=kernel_size,
+ stride=1,
+ padding=(kernel_size - 1) // 2,
+ bias=False,
+ )
+
+ # Residual block with two convolutional layers
+ self.act1 = nn.ReLU(inplace=True)
+ self.conv1 = nn.Conv1d(
+ encode_channels,
+ encode_channels,
+ kernel_size=kernel_size,
+ stride=1,
+ padding=(kernel_size - 1) // 2,
+ bias=bias,
+ )
+ self.act2 = nn.ReLU(inplace=True)
+ self.conv2 = nn.Conv1d(
+ encode_channels,
+ encode_channels,
+ kernel_size=kernel_size,
+ stride=1,
+ padding=(kernel_size - 1) // 2,
+ bias=bias,
+ )
+
+ # Final convolution, maps encode_channels to code_dim
+ self.final_conv = nn.Conv1d(
+ in_channels=encode_channels,
+ out_channels=code_dim,
+ kernel_size=kernel_size,
+ stride=1,
+ padding=(kernel_size - 1) // 2,
+ bias=False,
+ )
+
+ def forward(self, x):
+ x = self.initial_conv(x)
+ residual = x
+ x = self.act1(x)
+ x = self.conv1(x)
+ x = self.act2(x)
+ x = self.conv2(x)
+ x = x + residual
+ x = self.final_conv(x)
+ return x
+
+
+class Xcodec2PreTrainedModel(PreTrainedModel):
+ """
+ An abstract class to handle weights initialization and a simple interface for downloading and loading pretrained models.
+ """
+
+ config_class = Xcodec2Config
+ base_model_prefix = "xcodec2"
+ main_input_name = "audio"
+
+ def _init_weights(self, module):
+ if isinstance(module, (nn.Linear, nn.Conv1d)):
+ module.weight.data.normal_(mean=0.0, std=self.config.initializer_range)
+ if module.bias is not None:
+ module.bias.data.zero_()
+ elif isinstance(module, nn.Embedding):
+ module.weight.data.normal_(mean=0.0, std=self.config.initializer_range)
+ if module.padding_idx is not None:
+ module.weight.data[module.padding_idx].zero_()
+ elif (
+ isinstance(module, (nn.GroupNorm, nn.BatchNorm1d, nn.BatchNorm2d, nn.BatchNorm3d))
+ or "LayerNorm" in module.__class__.__name__
+ or "RMSNorm" in module.__class__.__name__
+ ):
+ # Norms can exist without weights (in which case they are None from torch primitives)
+ if hasattr(module, "weight") and module.weight is not None:
+ module.weight.data.fill_(1.0)
+ if hasattr(module, "bias") and module.bias is not None:
+ module.bias.data.zero_()
+ elif isinstance(module, Xcodec2SnakeBeta):
+ # Initialize alpha and beta based on the logscale setting
+ if module.logscale:
+ # Log scale alphas initialized to zeros
+ module.alpha.data.zero_()
+ module.beta.data.zero_()
+ else:
+ # Linear scale alphas initialized to ones
+ module.alpha.data.fill_(1.0)
+ module.beta.data.fill_(1.0)
+
+
+XCODEC2_INPUTS_DOCSTRING = r"""
+ args:
+ audio (`torch.FloatTensor` of shape `(batch_size, channels, num_samples)`):
+ Audio waveform.
+ audio_spectrogram (`torch.FloatTensor` of shape `(batch_size, mel_bins, time_steps)`):
+ Mel spectrogram.
+ return_dict (`bool`, *optional*):
+ whether to return a `Xcodec2Output` or a plain tuple.
+"""
+
+
+# Taking inspiration form modeling code of original authors: https://huggingface.co/HKUSTAudio/xcodec2/blob/main/modeling_xcodec2.py
+@add_start_docstrings(
+ "The Xcodec2 neural audio codec model.",
+ XCODEC2_INPUTS_DOCSTRING,
+)
+class Xcodec2Model(Xcodec2PreTrainedModel):
+ config_class = Xcodec2Config
+
+ def __init__(self, config: Xcodec2Config):
+ super().__init__(config)
+
+ self.hop_length = config.hop_length # needed for padding
+ self.semantic_model = AutoModel.from_config(config.semantic_model_config).eval()
+ # Adaptor of semantic model embedding
+ self.semantic_encoder = Xcodec2SemanticEncoder(
+ config.semantic_hidden_size, config.semantic_hidden_size, config.semantic_hidden_size
+ )
+
+ self.acoustic_encoder = Xcodec2CodecEncoder(
+ downsampling_ratios=config.downsampling_ratios, hidden_dim=config.encoder_hidden_size
+ )
+ self.decoder = Xcodec2CodecDecoderVocos(config=config)
+ self.fc_prior = nn.Linear(config.intermediate_size, config.intermediate_size)
+ self.fc_post_a = nn.Linear(config.intermediate_size, config.decoder_hidden_size)
+
+ self.post_init()
+
+ def apply_weight_norm(self, legacy=True):
+ weight_norm = nn.utils.weight_norm
+ if hasattr(nn.utils.parametrizations, "weight_norm") and not legacy:
+ weight_norm = nn.utils.parametrizations.weight_norm
+
+ # Weight norm was only applied in acoustic encoder of original model
+ # -- to initial_conv
+ weight_norm(self.acoustic_encoder.initial_conv)
+
+ # -- to encoder blocks
+ for encoder_block in self.acoustic_encoder.encoder_blocks:
+ # -- to each residual unit in the block
+ for residual_unit in encoder_block.residual_units:
+ weight_norm(residual_unit.conv1)
+ weight_norm(residual_unit.conv2)
+ # -- to the final conv in the encoder block
+ weight_norm(encoder_block.conv)
+
+ # -- to final_conv
+ weight_norm(self.acoustic_encoder.final_conv)
+
+ def remove_weight_norm(self, legacy=True):
+ """Remove weight normalization from layers that have it applied via apply_weight_norm."""
+ remove_weight_norm = nn.utils.remove_weight_norm
+ if hasattr(nn.utils.parametrizations, "weight_norm") and not legacy:
+ remove_weight_norm = torch.nn.utils.parametrize.remove_parametrizations
+
+ # Remove weight norm from acoustic_encoder
+ # -- from initial_conv
+ try:
+ remove_weight_norm(self.acoustic_encoder.initial_conv)
+ except (ValueError, RuntimeError):
+ raise ValueError("Not able to remove weight norm. Have you run `apply_weight_norm?`")
+
+ # -- from encoder blocks
+ for encoder_block in self.acoustic_encoder.encoder_blocks:
+ # -- from each residual unit in the block
+ for residual_unit in encoder_block.residual_units:
+ remove_weight_norm(residual_unit.conv1)
+ remove_weight_norm(residual_unit.conv2)
+ # -- from the final conv in the encoder block
+ remove_weight_norm(encoder_block.conv)
+
+ # -- from final_conv
+ remove_weight_norm(self.acoustic_encoder.final_conv)
+
+ def encode(
+ self,
+ audio: torch.Tensor,
+ audio_spectrogram: torch.Tensor,
+ padding_mask: Optional[torch.Tensor] = None,
+ return_dict: Optional[bool] = None,
+ ) -> Union[tuple[torch.Tensor, torch.Tensor], Xcodec2EncoderOutput]:
+ """
+ Encodes the input audio waveform into discrete codes.
+
+ Args:
+ audio (`torch.Tensor` of shape `(batch_size, 1, sequence_length)`):
+ Input audio waveform.
+ audio_spectrogram (`torch.Tensor` of shape `(batch_size, mel_bins, time_steps)`):
+ Input audio mel spectrogram for semantic encoding.
+ padding_mask (`torch.Tensor` of shape `(batch_size, 1, sequence_length)`):
+ Padding mask used to pad `audio`.
+ return_dict (`bool`, *optional*):
+ Whether or not to return a [`~utils.ModelOutput`] instead of a plain tuple.
+
+ Returns:
+ `audio_codes` of shape `[batch_size, 1, frames]`, the discrete encoded codes for the input audio waveform.
+ `quantized_representation` of shape `[batch_size, hidden_size, frames]`, the continuous quantized
+ representation after quantization.
+ `codes_padding_mask` of shape `[batch_size, 1, frames]`, downsampled `padding_mask` for indicating valid
+ audio codes in `audio_codes`.
+ """
+ return_dict = return_dict if return_dict is not None else self.config.return_dict
+
+ # 1) Semantic embedding: 16th layer of pretrained model: https://huggingface.co/HKUSTAudio/xcodec2/blob/main/modeling_xcodec2.py#L64
+ semantic_output = self.semantic_model(audio_spectrogram, output_hidden_states=True)
+ semantic_hidden_16 = semantic_output.hidden_states[16]
+ semantic_hidden_16 = semantic_hidden_16.transpose(1, 2)
+ semantic_encoded = self.semantic_encoder(semantic_hidden_16)
+
+ # 2) Get acoustic embedding
+ vq_emb = self.acoustic_encoder(audio)
+ vq_emb = vq_emb.transpose(1, 2)
+
+ # 3) Concat embeddings and apply final layers
+ if vq_emb.shape[-1] != semantic_encoded.shape[-1]:
+ min_len = min(vq_emb.shape[-1], semantic_encoded.shape[-1])
+ vq_emb = vq_emb[:, :, :min_len]
+ semantic_encoded = semantic_encoded[:, :, :min_len]
+ concat_emb = torch.cat([semantic_encoded, vq_emb], dim=1)
+ concat_emb = self.fc_prior(concat_emb.transpose(1, 2)).transpose(1, 2)
+
+ # 4) Get codes for decoder
+ quantized_representation, audio_codes = self.decoder.quantize(concat_emb)
+
+ # If provided, compute corresponding padding mask for audio codes
+ codes_padding_mask = None
+ if padding_mask is not None:
+ # Expected token length, as in: https://github.com/zhenye234/X-Codec-2.0/blob/ccbbf340ff143dfa6a0ea7cd61ec34a8ba2f1c3d/inference_save_code.py#L89
+ audio_length = padding_mask.sum(dim=-1, keepdim=True).cpu()
+ token_length = audio_length // self.hop_length
+ codes_padding_mask = torch.zeros(audio_codes.shape, dtype=padding_mask.dtype)
+ idx = torch.arange(audio_codes.shape[-1]).view(1, -1)
+ codes_padding_mask = (idx < token_length).to(padding_mask.dtype).to(padding_mask.device)
+
+ if not return_dict:
+ return audio_codes, quantized_representation, codes_padding_mask
+
+ return Xcodec2EncoderOutput(
+ audio_codes=audio_codes,
+ quantized_representation=quantized_representation,
+ codes_padding_mask=codes_padding_mask,
+ )
+
+ def decode(
+ self,
+ audio_codes,
+ return_dict: Optional[bool] = None,
+ ) -> Union[tuple[torch.Tensor, torch.Tensor], Xcodec2DecoderOutput]:
+ """
+ Decodes the given frames into an output audio waveform.
+
+ Note that the output might be a bit bigger than the input. In that case, any extra steps at the end can be
+ trimmed.
+
+ Args:
+ audio_codes (`torch.LongTensor` of shape `(batch_size, 1, codes_length)`):
+ Discrete code indices computed using `model.encode`.
+ return_dict (`bool`, *optional*):
+ Whether or not to return a [`~utils.ModelOutput`] instead of a plain tuple.
+
+ Returns:
+ Decoded audio values of shape `(batch_size, 1, num_samples)` obtained using the decoder part of Xcodec2.
+ """
+ return_dict = return_dict if return_dict is not None else self.config.return_dict
+
+ vq_post_emb = self.decoder.quantizer.get_output_from_indices(audio_codes.transpose(1, 2))
+ vq_post_emb = self.fc_post_a(vq_post_emb)
+ recon_audio = self.decoder(vq_post_emb)
+
+ if not return_dict:
+ return recon_audio
+
+ return Xcodec2DecoderOutput(
+ audio_values=recon_audio,
+ )
+
+ @add_start_docstrings_to_model_forward(XCODEC2_INPUTS_DOCSTRING)
+ @replace_return_docstrings(output_type=Xcodec2Output, config_class=_CONFIG_FOR_DOC)
+ def forward(
+ self,
+ audio: torch.Tensor,
+ audio_spectrogram: torch.Tensor,
+ padding_mask: Optional[torch.Tensor] = None,
+ return_dict: Optional[bool] = None,
+ ) -> Union[tuple[torch.Tensor, torch.Tensor], Xcodec2Output]:
+ r"""
+ Returns:
+ `Xcodec2Output` or `tuple(torch.FloatTensor, torch.LongTensor, torch.FloatTensor)`:
+ - `audio_values` (`torch.FloatTensor` of shape `(batch_size, 1, num_samples)`):
+ Reconstructed audio waveform.
+ - `audio_codes` (`torch.LongTensor` of shape `(batch_size, 1, codes_length)`):
+ Discrete code indices computed using `model.encode`.
+ - `quantized_representation` (`torch.FloatTensor` of shape `(batch_size, hidden_size, frames)`):
+ The continuous quantized representation after quantization.
+ - `codes_padding_mask` (`torch.int32` of shape `(batch_size, 1, codes_length)`):
+ Downsampled `padding_mask` for indicating valid audio codes in `audio_codes`.
+
+ Examples:
+
+ ```python
+ >>> from datasets import load_dataset
+ >>> from transformers import AutoFeatureExtractor, Xcodec2Model
+
+ >>> dataset = load_dataset("hf-internal-testing/librispeech_asr_dummy", "clean", split="validation")
+ >>> audio = dataset["train"]["audio"][0]["array"]
+
+ >>> model_id = "hf-audio/xcodec2"
+ >>> model = Xcodec2Model.from_pretrained(model_id)
+ >>> feature_extractor = AutoFeatureExtractor.from_pretrained(model_id)
+
+ >>> inputs = feature_extractor(audio=audio, sampling_rate=feature_extractor.sampling_rate, return_tensors="pt")
+
+ >>> outputs = model(**inputs)
+ >>> audio_codes = outputs.audio_codes
+ >>> audio_values = outputs.audio_values
+ ```"""
+ return_dict = return_dict if return_dict is not None else self.config.return_dict
+
+ # for truncating output audio to original length
+ length = audio.shape[-1]
+
+ audio_codes, quantized_representation, codes_padding_mask = self.encode(
+ audio, audio_spectrogram=audio_spectrogram, padding_mask=padding_mask, return_dict=False
+ )
+ audio_values = self.decode(audio_codes, return_dict=False)[..., :length]
+
+ if not return_dict:
+ return (audio_values, audio_codes, quantized_representation, codes_padding_mask)
+
+ return Xcodec2Output(
+ audio_values=audio_values,
+ audio_codes=audio_codes,
+ quantized_representation=quantized_representation,
+ codes_padding_mask=codes_padding_mask,
+ )
+
+
+__all__ = ["Xcodec2Model", "Xcodec2PreTrainedModel"]
diff --git a/src/transformers/models/xcodec2/modular_xcodec2.py b/src/transformers/models/xcodec2/modular_xcodec2.py
new file mode 100644
index 000000000000..57151d434009
--- /dev/null
+++ b/src/transformers/models/xcodec2/modular_xcodec2.py
@@ -0,0 +1,1642 @@
+# coding=utf-8
+# Copyright 2025 The HuggingFace Inc. team. All rights reserved.
+#
+# Licensed under the Apache License, Version 2.0 (the "License");
+# you may not use this file except in compliance with the License.
+# You may obtain a copy of the License at
+#
+# http://www.apache.org/licenses/LICENSE-2.0
+#
+# Unless required by applicable law or agreed to in writing, software
+# distributed under the License is distributed on an "AS IS" BASIS,
+# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
+# See the License for the specific language governing permissions and
+# limitations under the License.
+
+import math
+import random
+from contextlib import nullcontext
+from dataclasses import dataclass
+from functools import partial, wraps
+from math import ceil
+from typing import Optional, Union
+
+import torch
+import torch.distributed as dist
+import torch.nn.functional as F
+from torch import int32, nn, sin, sinc
+from torch.amp import autocast
+from torch.nn import Module, Parameter
+
+from transformers.activations import ACT2FN
+
+from ...modeling_utils import PreTrainedModel
+from ...utils import (
+ ModelOutput,
+ add_start_docstrings,
+ add_start_docstrings_to_model_forward,
+ is_torch_flex_attn_available,
+ logging,
+ replace_return_docstrings,
+)
+from ..auto import AutoModel
+from ..llama.modeling_llama import (
+ LlamaAttention,
+ LlamaDecoderLayer,
+ LlamaRotaryEmbedding,
+)
+from .configuration_xcodec2 import Xcodec2Config
+
+
+# General docstring
+_CONFIG_FOR_DOC = "Xcodec2Config"
+
+
+@dataclass
+class Xcodec2Output(ModelOutput):
+ """
+ Args:
+ audio_values (`torch.FloatTensor` of shape `(batch_size, 1, sequence_length)`, *optional*):
+ Decoded audio waveform values in the time domain, obtained using the decoder
+ part of Xcodec2. These represent the reconstructed audio signal.
+ audio_codes (`torch.LongTensor` of shape `(batch_size, 1, codes_length)`, *optional*):
+ Discrete code embeddings computed using `model.encode`. These are the quantized
+ representations of the input audio used for further processing or generation.
+ quantized_representation (`torch.Tensor` of shape `(batch_size, dimension, time_steps)`):
+ Quantized continuous representation of input's embedding.
+ codes_padding_mask (`torch.int32` of shape `(batch_size, 1, codes_length)`, *optional*):
+ Downsampled `padding_mask` for indicating valid audio codes in `audio_codes`.
+ """
+
+ audio_values: Optional[torch.FloatTensor] = None
+ audio_codes: Optional[torch.LongTensor] = None
+ quantized_representation: Optional[torch.Tensor] = None
+ codes_padding_mask: Optional[torch.Tensor] = None
+
+
+@dataclass
+class Xcodec2EncoderOutput(ModelOutput):
+ """
+ Args:
+ audio_codes (`torch.LongTensor` of shape `(batch_size, 1, codes_length)`, *optional*):
+ Discrete code embeddings computed using `model.encode`. These represent
+ the compressed, quantized form of the input audio signal that can be
+ used for storage, transmission, or generation.
+ quantized_representation (`torch.Tensor` of shape `(batch_size, dimension, time_steps)`):
+ Quantized continuous representation of input's embedding.
+ codes_padding_mask (`torch.int32` of shape `(batch_size, 1, codes_length)`, *optional*):
+ Downsampled `padding_mask` for indicating valid audio codes in `audio_codes`.
+
+ """
+
+ audio_codes: Optional[torch.LongTensor] = None
+ quantized_representation: Optional[torch.Tensor] = None
+ codes_padding_mask: Optional[torch.Tensor] = None
+
+
+@dataclass
+class Xcodec2DecoderOutput(ModelOutput):
+ """
+ Args:
+ audio_values (`torch.FloatTensor` of shape `(batch_size, 1, segment_length)`, *optional*):
+ Decoded audio waveform values in the time domain, obtained by converting
+ the discrete codes back into continuous audio signals. This represents
+ the reconstructed audio that can be played back.
+ """
+
+ audio_values: Optional[torch.FloatTensor] = None
+
+
+if is_torch_flex_attn_available():
+ pass
+
+
+logger = logging.get_logger(__name__)
+
+
+# Default `unsqueeze_dim=2`
+def apply_rotary_pos_emb(q, k, cos, sin, position_ids=None, unsqueeze_dim=2):
+ """Applies Rotary Position Embedding to the query and key tensors.
+
+ Args:
+ q (`torch.Tensor`): The query tensor.
+ k (`torch.Tensor`): The key tensor.
+ cos (`torch.Tensor`): The cosine part of the rotary embedding.
+ sin (`torch.Tensor`): The sine part of the rotary embedding.
+ position_ids (`torch.Tensor`, *optional*):
+ Deprecated and unused.
+ unsqueeze_dim (`int`, *optional*, defaults to 2):
+ The 'unsqueeze_dim' argument specifies the dimension along which to unsqueeze cos[position_ids] and
+ sin[position_ids] so that they can be properly broadcasted to the dimensions of q and k. For example, note
+ that cos[position_ids] and sin[position_ids] have the shape [batch_size, seq_len, head_dim]. Then, if q and
+ k have the shape [batch_size, heads, seq_len, head_dim], then setting unsqueeze_dim=1 makes
+ cos[position_ids] and sin[position_ids] broadcastable to the shapes of q and k. Similarly, if q and k have
+ the shape [batch_size, seq_len, heads, head_dim], then set unsqueeze_dim=2.
+ Returns:
+ `tuple(torch.Tensor)` comprising of the query and key tensors rotated using the Rotary Position Embedding.
+ """
+ cos = cos.unsqueeze(unsqueeze_dim)
+ sin = sin.unsqueeze(unsqueeze_dim)
+ q_embed = (q * cos) + (rotate_half(q) * sin)
+ k_embed = (k * cos) + (rotate_half(k) * sin)
+ return q_embed, k_embed
+
+
+def rotate_half(x):
+ """Rotates half the hidden dims of the input."""
+ x1 = x[..., : x.shape[-1] // 2]
+ x2 = x[..., x.shape[-1] // 2 :]
+ return torch.cat((-x2, x1), dim=-1)
+
+
+# See here for their attention implementation:
+# https://huggingface.co/HKUSTAudio/xcodec2/blob/main/vq/bs_roformer5.py
+class Xcodec2Attention(LlamaAttention):
+ def __init__(self, config: Xcodec2Config, layer_idx: int):
+ super().__init__(config, layer_idx=layer_idx)
+ self.is_causal = False
+
+
+class Xcodec2RotaryEmbedding(LlamaRotaryEmbedding):
+ pass
+
+
+# Unlike LlamaMLP, does not have `gate_proj` layer
+class Xcodec2MLP(nn.Module):
+ def __init__(self, config: Xcodec2Config):
+ super().__init__()
+ dim = config.hidden_size
+
+ self.fc1 = nn.Linear(dim, 4 * dim, bias=False)
+ self.activation = ACT2FN[config.hidden_act]
+ self.fc2 = nn.Linear(4 * dim, dim, bias=False)
+
+ def forward(self, x):
+ x = self.fc1(x)
+ x = self.activation(x)
+ x = self.fc2(x)
+ return x
+
+
+# Original Transformer block: https://huggingface.co/HKUSTAudio/xcodec2/blob/main/vq/bs_roformer5.py#L91
+class Xcodec2DecoderLayer(LlamaDecoderLayer):
+ pass
+
+
+class Xcodec2SnakeBeta(nn.Module):
+ """
+ A modified Snake function which uses separate parameters for the magnitude and frequency of the periodic components.
+
+ Shape:
+ - Input: (B, C, T)
+ - Output: (B, C, T), same shape as the input
+
+ Parameters:
+ - dim: The number of input features
+ - logscale: Whether to use logarithmic scaling for alpha and beta (default: False)
+
+ References:
+ - This activation function is a modified version based on this paper by Liu Ziyin, Tilman Hartwig, Masahito Ueda:
+ https://arxiv.org/abs/2006.08195
+
+ Examples:
+ >>> activation = Xcodec2SnakeBeta(256)
+ >>> x = torch.randn(1, 256, 100) # (batch, channels, time)
+ >>> y = activation(x)
+ """
+
+ def __init__(self, dim, logscale=True):
+ """
+ Args:
+ dim: Shape of the input features (channels dimension)
+ logscale: Whether to use log scale initialization (default: True)
+ If True, alpha and beta are initialized to zeros
+ If False, alpha and beta are initialized to ones
+
+ Note:
+ - alpha controls the frequency of the periodic components
+ - beta controls the magnitude of the periodic components
+ """
+ super().__init__()
+ self.dim = dim
+
+ # initialize alpha
+ self.logscale = logscale
+ if self.logscale: # log scale alphas initialized to zeros
+ self.alpha = Parameter(torch.zeros(dim))
+ self.beta = Parameter(torch.zeros(dim))
+ else: # linear scale alphas initialized to ones
+ self.alpha = Parameter(torch.ones(dim))
+ self.beta = Parameter(torch.ones(dim))
+ self.no_div_by_zero = 0.000000001
+
+ def forward(self, x):
+ """
+ Forward pass of the function.
+ Applies the function to the input elementwise.
+ SnakeBeta ∶= x + 1/b * sin^2 (xa)
+ """
+ alpha = self.alpha.unsqueeze(0).unsqueeze(-1)
+ beta = self.beta.unsqueeze(0).unsqueeze(-1)
+ if self.logscale:
+ alpha = torch.exp(alpha)
+ beta = torch.exp(beta)
+ x = x + (1.0 / (beta + self.no_div_by_zero)) * pow(sin(x * alpha), 2)
+
+ return x
+
+
+def kaiser_sinc_filter1d(cutoff, half_width, kernel_size):
+ """
+ Creates a Kaiser-windowed sinc filter for low-pass filtering.
+
+ Args:
+ cutoff: Normalized cutoff frequency (0 to 0.5, where 0.5 is the Nyquist frequency)
+ half_width: Transition bandwidth parameter controlling filter roll-off
+ kernel_size: Size of the filter kernel
+
+ Returns:
+ torch.Tensor: A 1D filter kernel of shape (1, 1, kernel_size)
+ """
+ even = kernel_size % 2 == 0
+ half_size = kernel_size // 2
+
+ # For kaiser window
+ delta_f = 4 * half_width
+ A = 2.285 * (half_size - 1) * math.pi * delta_f + 7.95
+ if A > 50.0:
+ beta = 0.1102 * (A - 8.7)
+ elif A >= 21.0:
+ beta = 0.5842 * (A - 21) ** 0.4 + 0.07886 * (A - 21.0)
+ else:
+ beta = 0.0
+ window = torch.kaiser_window(kernel_size, beta=beta, periodic=False)
+
+ # ratio = 0.5/cutoff -> 2 * cutoff = 1 / ratio
+ if even:
+ time = torch.arange(-half_size, half_size) + 0.5
+ else:
+ time = torch.arange(kernel_size) - half_size
+ if cutoff == 0:
+ filter_ = torch.zeros_like(time)
+ else:
+ filter_ = 2 * cutoff * window * sinc(2 * cutoff * time)
+ # Normalize filter to have sum = 1, otherwise we will have a small leakage
+ # of the constant component in the input signal.
+ filter_ /= filter_.sum()
+ filter = filter_.view(1, 1, kernel_size)
+
+ return filter
+
+
+class LowPassFilter1d(nn.Module):
+ """
+ Used by `DownSample1d`.
+ """
+
+ def __init__(
+ self,
+ cutoff=0.5,
+ half_width=0.6,
+ stride: int = 1,
+ padding: bool = True,
+ padding_mode: str = "replicate",
+ kernel_size: int = 12,
+ ):
+ super().__init__()
+ if cutoff < -0.0:
+ raise ValueError("Minimum cutoff must be larger than zero.")
+ if cutoff > 0.5:
+ raise ValueError("A cutoff above 0.5 does not make sense.")
+ self.kernel_size = kernel_size
+ self.even = kernel_size % 2 == 0
+ self.pad_left = kernel_size // 2 - int(self.even)
+ self.pad_right = kernel_size // 2
+ self.stride = stride
+ self.padding = padding
+ self.padding_mode = padding_mode
+ filter = kaiser_sinc_filter1d(cutoff, half_width, kernel_size)
+ self.register_buffer("filter", filter)
+
+ # input [B, C, T]
+ def forward(self, x):
+ _, C, _ = x.shape
+
+ if self.padding:
+ x = F.pad(x, (self.pad_left, self.pad_right), mode=self.padding_mode)
+ out = F.conv1d(x, self.filter.expand(C, -1, -1), stride=self.stride, groups=C)
+
+ return out
+
+
+class UpSample1d(nn.Module):
+ """
+ 1D upsampling module using transposed convolution with a sinc filter.
+
+ This module performs anti-aliased upsampling by first padding the input signal,
+ then applying a transposed convolution with a Kaiser-windowed sinc filter,
+ and finally trimming the resulting signal to remove boundary effects.
+
+ Args:
+ ratio (int): Upsampling ratio (default: 2)
+ kernel_size (int, optional): Size of the filter kernel.
+ If None, it's automatically calculated as 6 * ratio.
+ """
+
+ def __init__(self, ratio=2, kernel_size=None):
+ super().__init__()
+ self.ratio = ratio
+ self.kernel_size = int(6 * ratio // 2) * 2 if kernel_size is None else kernel_size
+ self.stride = ratio
+ self.pad = self.kernel_size // ratio - 1
+ self.pad_left = self.pad * self.stride + (self.kernel_size - self.stride) // 2
+ self.pad_right = self.pad * self.stride + (self.kernel_size - self.stride + 1) // 2
+ filter = kaiser_sinc_filter1d(cutoff=0.5 / ratio, half_width=0.6 / ratio, kernel_size=self.kernel_size)
+ self.register_buffer("filter", filter)
+
+ def forward(self, x):
+ _, C, _ = x.shape
+
+ x = F.pad(x, (self.pad, self.pad), mode="replicate")
+ x = self.ratio * F.conv_transpose1d(x, self.filter.expand(C, -1, -1), stride=self.stride, groups=C)
+ x = x[..., self.pad_left : -self.pad_right]
+
+ return x
+
+
+class DownSample1d(nn.Module):
+ """
+ 1D downsampling module using a low-pass filter.
+
+ This module performs anti-aliased downsampling by applying a low-pass filter
+ with an appropriate cutoff frequency followed by strided convolution.
+
+ Args:
+ ratio (int): Downsampling ratio (default: 2)
+ kernel_size (int, optional): Size of the filter kernel.
+ If None, it's automatically calculated as 6 * ratio.
+ """
+
+ def __init__(self, ratio=2, kernel_size=None):
+ super().__init__()
+ self.ratio = ratio
+ self.kernel_size = int(6 * ratio // 2) * 2 if kernel_size is None else kernel_size
+ self.lowpass = LowPassFilter1d(
+ cutoff=0.5 / ratio, half_width=0.6 / ratio, stride=ratio, kernel_size=self.kernel_size
+ )
+
+ def forward(self, x):
+ x = self.lowpass(x)
+
+ return x
+
+
+class Activation1d(nn.Module):
+ """
+ A module that applies activation function with up-sampling and down-sampling.
+
+ This module first up-samples the input signal, applies an activation function,
+ and then down-samples the result. This architecture allows for more complex
+ non-linear transformations of the signal.
+
+ Args:
+ activation (`torch.nn.Module`):
+ The activation function module to apply (e.g., nn.ReLU(), nn.LeakyReLU()).
+ up_ratio (`int`, *optional*, defaults to 2):
+ The up-sampling ratio for increasing temporal resolution before activation.
+ down_ratio (`int`, *optional*, defaults to 2):
+ The down-sampling ratio for decreasing temporal resolution after activation.
+ up_kernel_size (`int`, *optional*, defaults to 12):
+ The kernel size used in the up-sampling operation.
+ down_kernel_size (`int`, *optional*, defaults to 12):
+ The kernel size used in the down-sampling operation.
+ """
+
+ def __init__(
+ self, activation, up_ratio: int = 2, down_ratio: int = 2, up_kernel_size: int = 12, down_kernel_size: int = 12
+ ):
+ super().__init__()
+ self.up_ratio = up_ratio
+ self.down_ratio = down_ratio
+ self.act = activation
+ self.upsample = UpSample1d(up_ratio, up_kernel_size)
+ self.downsample = DownSample1d(down_ratio, down_kernel_size)
+
+ def forward(self, x):
+ x = self.upsample(x)
+ x = self.act(x)
+ x = self.downsample(x)
+
+ return x
+
+
+class ResidualUnit(nn.Module):
+ """
+ A residual unit that combines dilated convolutions with activation functions.
+
+ This unit performs a series of operations while maintaining a residual connection:
+ 1. First activation with up/down-sampling
+ 2. Dilated convolution with kernel size 7
+ 3. Second activation with up/down-sampling
+ 4. 1x1 convolution for channel mixing
+ 5. Addition of the input (residual connection)
+
+ Args:
+ dim (`int`, *optional*, defaults to 16):
+ The number of channels in the input and output tensors.
+ dilation (`int`, *optional*, defaults to 1):
+ The dilation rate for the main convolution operation. Higher values
+ increase the receptive field without increasing parameter count.
+ """
+
+ def __init__(self, dim: int = 16, dilation: int = 1):
+ super().__init__()
+ pad = ((7 - 1) * dilation) // 2
+ self.activation1 = Activation1d(activation=Xcodec2SnakeBeta(dim, logscale=True))
+ self.conv1 = nn.Conv1d(dim, dim, kernel_size=7, dilation=dilation, padding=pad)
+ self.activation2 = Activation1d(activation=Xcodec2SnakeBeta(dim, logscale=True))
+ self.conv2 = nn.Conv1d(dim, dim, kernel_size=1)
+
+ def forward(self, x):
+ residual = x
+ x = self.activation1(x)
+ x = self.conv1(x)
+ x = self.activation2(x)
+ x = self.conv2(x)
+ return residual + x
+
+
+class EncoderBlock(nn.Module):
+ """
+ Encoder block for the Xcodec2 acoustic encoder.
+
+ This block consists of:
+ 1. A series of residual units with different dilation rates
+ 2. An activation function with upsampling and downsampling
+ 3. A strided convolution to change the dimension and downsample if stride > 1
+
+ Args:
+ dim (int): Dimension of the output features. Input dimension is assumed to be dim // 2
+ stride (int): Stride for the final convolution, controls downsampling factor
+ dilations (tuple): Dilation rates for the residual units
+ """
+
+ def __init__(self, dim: int = 16, stride: int = 1, dilations=(1, 3, 9)):
+ super().__init__()
+ self.residual_units = nn.ModuleList([ResidualUnit(dim // 2, dilation=d) for d in dilations])
+ self.activation = Activation1d(activation=Xcodec2SnakeBeta(dim // 2, logscale=True))
+ self.conv = nn.Conv1d(
+ dim // 2,
+ dim,
+ kernel_size=2 * stride,
+ stride=stride,
+ padding=stride // 2 + stride % 2,
+ )
+
+ def forward(self, x):
+ for residual_unit in self.residual_units:
+ x = residual_unit(x)
+ x = self.activation(x)
+ x = self.conv(x)
+ return x
+
+
+class Xcodec2CodecEncoder(nn.Module):
+ """
+ The encoder component of the Xcodec2 model for audio encoding.
+
+ This encoder transforms raw audio waveforms into latent representations:
+ 1. Initial convolution to process the raw audio input
+ 2. Series of encoder blocks with progressively increasing feature dimensions and downsampling
+ 3. Final activation and projection to the target hidden dimension
+
+ Args:
+ d_model (`int`, *optional*, defaults to 48):
+ Initial dimension of the model. This will be doubled at each encoder block.
+ downsampling_ratios (`List[int]`, *optional*, defaults to [2, 2, 4, 4, 5]):
+ List of downsampling ratios for each encoder block. The product of these values
+ determines the total temporal compression factor.
+ dilations (`tuple`, *optional*, defaults to (1, 3, 9)):
+ Tuple of dilation rates used in the residual units within each encoder block.
+ hidden_dim (`int`, *optional*, defaults to 1024):
+ Dimension of the final latent representation after encoding.
+ """
+
+ def __init__(
+ self,
+ d_model=48,
+ downsampling_ratios=[2, 2, 4, 4, 5],
+ dilations=(1, 3, 9),
+ hidden_dim=1024,
+ ):
+ super().__init__()
+
+ self.initial_conv = nn.Conv1d(1, d_model, kernel_size=7, padding=3)
+
+ self.encoder_blocks = nn.ModuleList()
+ for i, stride in enumerate(downsampling_ratios):
+ d_model *= 2
+ self.encoder_blocks.append(EncoderBlock(d_model, stride=stride, dilations=dilations))
+
+ self.final_activation = Activation1d(activation=Xcodec2SnakeBeta(d_model, logscale=True))
+ self.final_conv = nn.Conv1d(d_model, hidden_dim, kernel_size=3, padding=1)
+
+ def forward(self, x):
+ """
+ Forward pass of the Xcodec2 encoder.
+
+ Args:
+ x (`torch.Tensor` of shape `(batch_size, 1, sequence_length)`):
+ Input audio waveform tensor. Expected to be a mono audio signal with shape
+ (batch_size, 1, sequence_length).
+
+ Returns:
+ `torch.Tensor` of shape `(batch_size, compressed_length, hidden_dim)`:
+ Encoded audio representation with temporal dimension compressed by the product
+ of all downsampling_ratios. The output tensor is transposed to have the
+ sequence dimension second (batch_size, seq_len, features) for compatibility
+ with transformer-based models.
+ """
+ # Initial convolution
+ x = self.initial_conv(x)
+
+ # Apply all encoder blocks
+ for encoder_block in self.encoder_blocks:
+ x = encoder_block(x)
+
+ # Final processing
+ x = self.final_activation(x)
+ x = self.final_conv(x)
+ x = x.permute(0, 2, 1)
+ return x
+
+
+class ResNetBlock(nn.Module):
+ """
+ A basic residual block for 1D convolutional networks.
+
+ This block consists of:
+ 1. GroupNorm + SiLU-like activation (x * sigmoid(x)) + Conv1d
+ 2. GroupNorm + SiLU-like activation + Dropout + Conv1d
+ 3. Residual connection, with optional projection if input and output channels differ
+
+ Args:
+ in_channels: Number of input channels
+ out_channels: Number of output channels (defaults to in_channels if None)
+ dropout: Dropout probability (default: 0.1)
+ """
+
+ def __init__(self, *, in_channels, out_channels=None, dropout=0.1):
+ super().__init__()
+ self.in_channels = in_channels
+ out_channels = in_channels if out_channels is None else out_channels
+ self.out_channels = out_channels
+
+ self.norm1 = torch.nn.GroupNorm(num_groups=32, num_channels=in_channels, eps=1e-6, affine=True)
+ self.conv1 = torch.nn.Conv1d(in_channels, out_channels, kernel_size=3, stride=1, padding=1)
+ self.norm2 = torch.nn.GroupNorm(num_groups=32, num_channels=out_channels, eps=1e-6, affine=True)
+ self.dropout = torch.nn.Dropout(dropout)
+ self.conv2 = torch.nn.Conv1d(out_channels, out_channels, kernel_size=3, stride=1, padding=1)
+ if self.in_channels != self.out_channels:
+ self.nin_shortcut = torch.nn.Conv1d(in_channels, out_channels, kernel_size=1, stride=1, padding=0)
+
+ def forward(self, x):
+ h = x
+ h = self.norm1(h)
+ h = h * torch.sigmoid(h)
+ h = self.conv1(h)
+ h = self.norm2(h)
+ h = h * torch.sigmoid(h)
+ h = self.dropout(h)
+ h = self.conv2(h)
+
+ if self.in_channels != self.out_channels:
+ x = self.nin_shortcut(x)
+
+ return x + h
+
+
+class Xcodec2VocosBackbone(nn.Module):
+ """
+ Hybrid ResNet-Transformer architecture.
+
+ Architecture overview:
+ - Input embedding: A 1D convolution (kernel size 7, padding 3) projects raw features
+ into the model's hidden dimension.
+ - Prior ResNet blocks: Two ResNet-style residual blocks operate on the hidden states
+ to provide early nonlinear feature processing.
+ - Rotary embeddings: Rotary positional embeddings (RoPE) are initialized to provide
+ position-dependent information to the Transformer layers.
+ - Transformer stack: A sequence of Xcodec2DecoderLayer modules applies self-attention
+ with rotary embeddings, interleaved with MLPs, to model long-range dependencies.
+ - Normalization: A final LayerNorm is applied to stabilize training and outputs.
+ - Post ResNet blocks: Two additional ResNet-style blocks refine the representation
+ after the Transformer stack.
+
+ This design combines convolutional inductive biases (via ResNet-style blocks and the
+ initial Conv1d embedding) with the global sequence modeling capabilities of
+ Transformers, making it suitable for sequence data such as audio or other temporal
+ signals.
+ """
+
+ def __init__(self, config: Xcodec2Config):
+ super().__init__()
+
+ self.embed = nn.Conv1d(config.hidden_size, config.hidden_size, kernel_size=7, padding=3)
+ block_in = config.hidden_size
+ dropout = config.resnet_dropout
+
+ self.prior_blocks = nn.ModuleList(
+ [
+ ResNetBlock(in_channels=block_in, out_channels=block_in, dropout=dropout),
+ ResNetBlock(in_channels=block_in, out_channels=block_in, dropout=dropout),
+ ]
+ )
+
+ # Initialize rotary embeddings
+ self.position_ids = torch.arange(config.num_attention_heads).unsqueeze(0)
+ self.rotary_emb = Xcodec2RotaryEmbedding(config=config)
+
+ # Create transformer layers
+ self.transformers = nn.ModuleList(
+ [Xcodec2DecoderLayer(config, layer_idx) for layer_idx in range(config.num_hidden_layers)]
+ )
+
+ self.final_layer_norm = nn.LayerNorm(config.hidden_size, eps=1e-6)
+
+ self.post_blocks = nn.ModuleList(
+ [
+ ResNetBlock(
+ in_channels=config.hidden_size,
+ out_channels=config.hidden_size,
+ dropout=dropout,
+ ),
+ ResNetBlock(in_channels=block_in, out_channels=block_in, dropout=dropout),
+ ]
+ )
+
+ def forward(self, x: torch.Tensor) -> torch.Tensor:
+ """
+ Forward pass for the Xcodec2VocosBackbone.
+
+ The processing flow includes:
+ 1. Initial embedding via 1D convolution
+ 2. Processing through ResNet blocks
+ 3. Transformer processing with rotary position embeddings
+ 4. Final ResNet blocks and normalization
+
+ Args:
+ x (`torch.Tensor` of shape `(batch_size, sequence_length, hidden_size)`):
+ Input tensor containing features to process.
+
+ Returns:
+ `torch.Tensor` of shape `(batch_size, sequence_length, hidden_size)`:
+ Processed features with the same shape as the input but transformed
+ through the backbone architecture.
+ """
+ # Handle initial transformations
+ x = x.transpose(1, 2)
+ x = self.embed(x)
+
+ # Process through prior_blocks
+ for block in self.prior_blocks:
+ x = block(x)
+
+ x = x.transpose(1, 2) # [batch, seq_len, hidden_dim]
+
+ # Generate rotary embeddings
+ position_embeddings = self.rotary_emb(x, self.position_ids.to(x.device))
+
+ # Apply transformer layers with position embeddings
+ for layer in self.transformers:
+ x = layer(
+ x,
+ position_embeddings=position_embeddings,
+ )
+
+ # Handle final transformations
+ x = x.transpose(1, 2)
+
+ # Process through post_blocks
+ for block in self.post_blocks:
+ x = block(x)
+
+ x = x.transpose(1, 2)
+ x = self.final_layer_norm(x)
+
+ return x
+
+
+class Xcodec2ISTFT(nn.Module):
+ """
+ As in original Vocos code:
+ https://github.com/gemelo-ai/vocos/blob/c859e3b7b534f3776a357983029d34170ddd6fc3/vocos/spectral_ops.py#L7
+
+ Custom ISTFT implementation to support "same" padding as in Vocos.
+ """
+
+ def __init__(self, config: Xcodec2Config):
+ super().__init__()
+ if config.istft_padding not in ["center", "same"]:
+ raise ValueError("Padding must be 'center' or 'same'.")
+ self.padding = config.istft_padding
+ self.n_fft = config.n_fft
+ self.hop_length = config.hop_length
+ self.win_length = getattr(config, "win_length", config.n_fft)
+ window = torch.hann_window(self.win_length)
+ self.register_buffer("window", window)
+
+ def forward(self, spec: torch.Tensor) -> torch.Tensor:
+ """
+ Compute the Inverse Short Time Fourier Transform (ISTFT) of a complex spectrogram.
+
+ Args:
+ spec (Tensor): Input complex spectrogram of shape (B, N, T), where B is the batch size,
+ is the number of frequency bins, and T is the number of time frames.
+
+ Returns:
+ Tensor: Reconstructed time-domain signal of shape (B, L), where L is the length of the output signal.
+ """
+ if spec.dim() != 3:
+ raise ValueError("Expected a 3D tensor as input")
+
+ if self.padding == "center":
+ # Fallback to pytorch native implementation
+ return torch.istft(spec, self.n_fft, self.hop_length, self.win_length, self.window, center=True)
+
+ elif self.padding == "same":
+ # Custom implementation from Vocos codebase
+ pad = (self.win_length - self.hop_length) // 2
+ n_frames = spec.shape[-1]
+
+ # Inverse FFT
+ ifft = torch.fft.irfft(spec, self.n_fft, dim=1, norm="backward")
+ ifft = ifft * self.window[None, :, None]
+
+ # Overlap and Add
+ output_size = (n_frames - 1) * self.hop_length + self.win_length
+ y = F.fold(
+ ifft,
+ output_size=(1, output_size),
+ kernel_size=(1, self.win_length),
+ stride=(1, self.hop_length),
+ )[:, 0, 0, pad:-pad]
+
+ # Window envelope
+ window_sq = self.window.square().expand(1, n_frames, -1).transpose(1, 2)
+ window_envelope = F.fold(
+ window_sq,
+ output_size=(1, output_size),
+ kernel_size=(1, self.win_length),
+ stride=(1, self.hop_length),
+ ).squeeze()[pad:-pad]
+
+ # Normalize
+ if not (window_envelope > 1e-11).all():
+ raise ValueError("Window envelope values are too small (<=1e-11)")
+ return y / window_envelope
+
+ else:
+ raise ValueError("Padding must be 'center' or 'same'.")
+
+
+class Xcodec2ISTFTHead(nn.Module):
+ """
+ As in original Vocos code:
+ https://github.com/gemelo-ai/vocos/blob/c859e3b7b534f3776a357983029d34170ddd6fc3/vocos/heads.py#L26
+ - Projects the hidden states to STFT coefficients (magnitude and phase)
+ - Applies ISTFT to reconstruct the time-domain audio signal
+ """
+
+ def __init__(self, config: Xcodec2Config):
+ super().__init__()
+ self.out = torch.nn.Linear(config.hidden_size, config.n_fft + 2)
+ self.istft = Xcodec2ISTFT(config)
+
+ def forward(self, x: torch.Tensor) -> torch.Tensor:
+ """
+ Forward pass of the ISTFTHead module.
+
+ Args:
+ x (Tensor): Input tensor of shape (B, L, H), where B is the batch size,
+ L is the sequence length, and H denotes the model dimension.
+
+ Returns:
+ Tensor: Reconstructed time-domain audio signal of shape (B, T), where T is the length of the output signal.
+ Tensor: Predicted STFT coefficients of shape (B, L, N+2), where N is the number of frequency bins.
+ """
+ x_pred = self.out(x).transpose(1, 2)
+ mag, p = x_pred.chunk(2, dim=1)
+ mag = torch.exp(mag)
+ mag = torch.clip(mag, max=1e2) # safeguard to prevent excessively large magnitudes
+ # wrapping happens here. These two lines produce real and imaginary value
+ spectrogram_real = torch.cos(p)
+ spectrogram_imag = torch.sin(p)
+ spectrogram_complex = mag * (spectrogram_real + 1j * spectrogram_imag)
+ audio = self.istft(spectrogram_complex)
+ return audio
+
+
+def round_ste(z):
+ """
+ Round with straight through gradients.
+ Used in `Xcodec2FSQ`.
+ """
+ zhat = z.round()
+ return z + (zhat - z).detach()
+
+
+def floor_ste(z):
+ """
+ Floor with straight through gradients.
+ Used in `Xcodec2FSQ`.
+ """
+ zhat = z.floor()
+ return z + (zhat - z).detach()
+
+
+def maybe(fn):
+ """
+ Used in `Xcodec2FSQ`.
+ """
+
+ @wraps(fn)
+ def inner(x, *args, **kwargs):
+ if x is None:
+ return x
+ return fn(x, *args, **kwargs)
+
+ return inner
+
+
+def get_maybe_sync_seed(device, max_size=10_000):
+ """
+ Used in `Xcodec2ResidualFSQ`.
+ """
+ rand_int = torch.randint(0, max_size, (), device=device)
+
+ if dist.is_initialized() and dist.get_world_size() > 1:
+ dist.all_reduce(rand_int)
+
+ return rand_int.item()
+
+
+class Xcodec2FSQ(Module):
+ """
+ Copied from https://github.com/lucidrains/vector-quantize-pytorch/blob/fe903ce2ae9c125ace849576aa6d09c5cec21fe4/vector_quantize_pytorch/finite_scalar_quantization.py#L61
+ Simply changed asserts to raise ValueErrors.
+ """
+
+ def __init__(
+ self,
+ levels: list[int],
+ dim: Optional[int] = None,
+ num_codebooks=1,
+ keep_num_codebooks_dim: Optional[bool] = None,
+ scale: Optional[float] = None,
+ allowed_dtypes: tuple[torch.dtype, ...] = (torch.float32, torch.float64),
+ channel_first: bool = False,
+ projection_has_bias: bool = True,
+ return_indices=True,
+ force_quantization_f32=True,
+ preserve_symmetry: bool = False,
+ noise_dropout=0.0,
+ ):
+ super().__init__()
+
+ _levels = torch.tensor(levels, dtype=int32)
+ self.register_buffer("_levels", _levels, persistent=False)
+
+ _basis = torch.cumprod(torch.tensor([1] + levels[:-1]), dim=0, dtype=int32)
+ self.register_buffer("_basis", _basis, persistent=False)
+
+ self.scale = scale
+
+ self.preserve_symmetry = preserve_symmetry
+ self.noise_dropout = noise_dropout
+
+ codebook_dim = len(levels)
+ self.codebook_dim = codebook_dim
+
+ effective_codebook_dim = codebook_dim * num_codebooks
+ self.num_codebooks = num_codebooks
+ self.effective_codebook_dim = effective_codebook_dim
+
+ keep_num_codebooks_dim = keep_num_codebooks_dim if keep_num_codebooks_dim is not None else num_codebooks > 1
+ if num_codebooks > 1 and not keep_num_codebooks_dim:
+ raise ValueError("When num_codebooks > 1, keep_num_codebooks_dim must be True")
+ self.keep_num_codebooks_dim = keep_num_codebooks_dim
+
+ self.dim = dim if dim is not None else len(_levels) * num_codebooks
+
+ self.channel_first = channel_first
+
+ has_projections = self.dim != effective_codebook_dim
+ self.project_in = (
+ nn.Linear(self.dim, effective_codebook_dim, bias=projection_has_bias) if has_projections else nn.Identity()
+ )
+ self.project_out = (
+ nn.Linear(effective_codebook_dim, self.dim, bias=projection_has_bias) if has_projections else nn.Identity()
+ )
+
+ self.has_projections = has_projections
+
+ self.return_indices = return_indices
+ if return_indices:
+ self.codebook_size = math.prod(levels)
+ implicit_codebook = self._indices_to_codes(torch.arange(self.codebook_size))
+ self.register_buffer("implicit_codebook", implicit_codebook, persistent=False)
+
+ self.allowed_dtypes = allowed_dtypes
+ self.force_quantization_f32 = force_quantization_f32
+
+ def bound(self, z, eps: float = 1e-3):
+ half_l = (self._levels - 1) * (1 + eps) / 2
+ offset = torch.where(self._levels % 2 == 0, 0.5, 0.0)
+ shift = (offset / half_l).atanh()
+ return (z + shift).tanh() * half_l - offset
+
+ def quantize(self, z):
+ _, _, noise_dropout, preserve_symmetry, half_width = (
+ z.shape[0],
+ z.device,
+ self.noise_dropout,
+ self.preserve_symmetry,
+ (self._levels // 2),
+ )
+ bound_fn = self.symmetry_preserving_bound if preserve_symmetry else self.bound
+
+ bounded_z = bound_fn(z)
+ if self.training and noise_dropout > 0.0:
+ offset_mask = torch.bernoulli(torch.full_like(bounded_z, noise_dropout)).bool()
+ offset = torch.rand_like(bounded_z) - 0.5
+ bounded_z = torch.where(offset_mask, bounded_z + offset, bounded_z)
+
+ return round_ste(bounded_z) / half_width
+
+ def _scale_and_shift(self, zhat_normalized):
+ half_width = self._levels // 2
+ return (zhat_normalized * half_width) + half_width
+
+ def _scale_and_shift_inverse(self, zhat):
+ half_width = self._levels // 2
+ return (zhat - half_width) / half_width
+
+ def _indices_to_codes(self, indices):
+ level_indices = self.indices_to_level_indices(indices)
+ codes = self._scale_and_shift_inverse(level_indices)
+ return codes
+
+ def codes_to_indices(self, zhat):
+ """Converts a `code` to an index in the codebook."""
+ if zhat.shape[-1] != self.codebook_dim:
+ raise ValueError(f"Expected zhat to have shape [-1, {self.codebook_dim}], but got {zhat.shape}")
+ zhat = self._scale_and_shift(zhat)
+ return (zhat * self._basis).sum(dim=-1).to(int32)
+
+ def indices_to_level_indices(self, indices):
+ """Converts indices to indices at each level, perhaps needed for a transformer with factorized embeddings"""
+ indices = indices.unsqueeze(-1)
+ codes_non_centered = (indices // self._basis) % self._levels
+ return codes_non_centered
+
+ def indices_to_codes(self, indices):
+ """Inverse of `codes_to_indices`."""
+ if indices is None:
+ raise ValueError("indices cannot be None")
+
+ codes = self._indices_to_codes(indices)
+
+ if self.keep_num_codebooks_dim:
+ codes = codes.reshape(*codes.shape[:-2], -1)
+
+ codes = self.project_out(codes)
+
+ return codes
+
+ def forward(self, z):
+ """
+ einstein notation
+ b - batch
+ n - sequence (or flattened spatial dimensions)
+ d - feature dimension
+ c - number of codebook dim
+ """
+
+ if z.shape[-1] != self.dim:
+ raise ValueError(f"expected dimension of {self.dim} but found dimension of {z.shape[-1]}")
+
+ z = self.project_in(z)
+
+ # z = rearrange(z, 'b n (c d) -> b n c d', c = self.num_codebooks)
+ b, n, cd = z.shape # (b, n, c·d)
+ c = self.num_codebooks
+ d = cd // c # infer the per-codebook dimension
+
+ z = z.view(b, n, c, d) # now (b, n, c, d)
+ # whether to force quantization step to be full precision or not
+
+ force_f32 = self.force_quantization_f32
+ quantization_context = partial(autocast, "cuda", enabled=False) if force_f32 else nullcontext
+ with quantization_context():
+ orig_dtype = z.dtype
+
+ if force_f32 and orig_dtype not in self.allowed_dtypes:
+ z = z.float()
+
+ codes = self.quantize(z)
+
+ # returning indices could be optional
+ indices = None
+
+ if self.return_indices:
+ indices = self.codes_to_indices(codes)
+
+ # codes = rearrange(codes, 'b n c d -> b n (c d)')
+ codes = codes.flatten(start_dim=2)
+ codes = codes.to(orig_dtype)
+
+ # project out
+ out = self.project_out(codes)
+ if not self.keep_num_codebooks_dim and self.return_indices:
+ indices = maybe(lambda t, *_, **__: t.squeeze(-1))(indices)
+
+ # return quantized output and indices
+ return out, indices
+
+
+class Xcodec2ResidualFSQ(Module):
+ """
+ Copied from https://github.com/lucidrains/vector-quantize-pytorch/blob/fe903ce2ae9c125ace849576aa6d09c5cec21fe4/vector_quantize_pytorch/residual_fsq.py#L49
+ Simply changed asserts to raise ValueErrors.
+ """
+
+ def __init__(
+ self,
+ *,
+ levels: list[int],
+ num_quantizers,
+ dim: Optional[int] = None,
+ is_channel_first=False,
+ quantize_dropout=False,
+ quantize_dropout_cutoff_index=0,
+ quantize_dropout_multiple_of=1,
+ soft_clamp_input_value=None,
+ **kwargs,
+ ):
+ super().__init__()
+ codebook_dim = len(levels)
+
+ dim = codebook_dim if dim is None else dim
+
+ requires_projection = codebook_dim != dim
+ self.project_in = nn.Linear(dim, codebook_dim) if requires_projection else nn.Identity()
+ self.project_out = nn.Linear(codebook_dim, dim) if requires_projection else nn.Identity()
+ self.has_projections = requires_projection
+
+ self.is_channel_first = is_channel_first
+ self.num_quantizers = num_quantizers
+ self.soft_clamp_input_value = soft_clamp_input_value
+ self.levels = levels
+ self.layers = nn.ModuleList([])
+
+ levels_tensor = torch.Tensor(levels)
+
+ scales = []
+
+ for ind in range(num_quantizers):
+ scales.append((levels_tensor - 1) ** -ind)
+
+ fsq = Xcodec2FSQ(levels=levels, dim=codebook_dim, **kwargs)
+
+ self.layers.append(fsq)
+
+ self.codebook_size = self.layers[0].codebook_size
+
+ self.register_buffer("scales", torch.stack(scales), persistent=False)
+
+ self.quantize_dropout = quantize_dropout and num_quantizers > 1
+
+ if quantize_dropout_cutoff_index < 0:
+ raise ValueError("quantize_dropout_cutoff_index must be greater than or equal to 0")
+
+ self.quantize_dropout_cutoff_index = quantize_dropout_cutoff_index
+ self.quantize_dropout_multiple_of = quantize_dropout_multiple_of
+
+ @property
+ def codebooks(self):
+ codebooks = [layer.implicit_codebook for layer in self.layers]
+ codebooks = torch.stack(codebooks, dim=0)
+ return codebooks
+
+ def get_codes_from_indices(self, indices):
+ _, quantize_dim = indices.shape[0], indices.shape[-1]
+ b, *spatial_dims, q = indices.shape
+ indices_packed = indices.reshape(b, -1, q)
+ ps = (tuple(spatial_dims),)
+
+ if quantize_dim < self.num_quantizers:
+ if not self.quantize_dropout > 0.0:
+ raise ValueError(
+ "quantize dropout must be greater than 0 if you wish to reconstruct from a signal with less fine quantizations"
+ )
+ indices_packed = F.pad(indices_packed, (0, self.num_quantizers - quantize_dim), value=-1)
+
+ mask = indices_packed == -1
+ indices_proc = indices_packed.masked_fill(mask, 0)
+
+ indices_permuted = indices_proc.permute(2, 0, 1)
+
+ selected_codes = [self.codebooks[qi][indices_permuted[qi]] for qi in range(self.num_quantizers)]
+
+ all_codes = torch.stack(selected_codes, dim=0)
+
+ mask_permuted = mask.permute(2, 0, 1).unsqueeze(-1)
+ all_codes = all_codes.masked_fill(mask_permuted, 0.0)
+
+ scales_reshaped = self.scales.view(self.num_quantizers, 1, 1, -1)
+ all_codes = all_codes * scales_reshaped
+
+ spatial_shape = tuple(ps[0])
+ q, b, _, d = all_codes.shape
+
+ all_codes = all_codes.reshape(q, b, *spatial_shape, d)
+ return all_codes
+
+ def get_output_from_indices(self, indices):
+ codes = self.get_codes_from_indices(indices)
+ codes_summed = torch.sum(codes, dim=0)
+ return self.project_out(codes_summed)
+
+ def forward(self, x, return_all_codes=False, rand_quantize_dropout_fixed_seed=None):
+ num_quant, quant_dropout_multiple_of, device = self.num_quantizers, self.quantize_dropout_multiple_of, x.device
+
+ x = self.project_in(x)
+
+ if self.soft_clamp_input_value is not None:
+ clamp_value = self.soft_clamp_input_value
+ x = (x / clamp_value).tanh() * clamp_value
+
+ quantized_out = 0.0
+ residual = self.layers[0].bound(x)
+
+ all_indices = []
+
+ should_quantize_dropout = self.training and self.quantize_dropout and torch.is_grad_enabled()
+
+ if should_quantize_dropout:
+ if rand_quantize_dropout_fixed_seed is None:
+ rand_quantize_dropout_fixed_seed = get_maybe_sync_seed(device)
+
+ rand = random.Random(rand_quantize_dropout_fixed_seed)
+
+ rand_quantize_dropout_index = rand.randrange(self.quantize_dropout_cutoff_index, num_quant)
+
+ if quant_dropout_multiple_of != 1:
+ rand_quantize_dropout_index = ceil((rand_quantize_dropout_index + 1) / quant_dropout_multiple_of) - 1
+
+ null_indices = torch.full(x.shape[:2], -1.0, device=device, dtype=torch.long)
+
+ with autocast("cuda", enabled=False):
+ for quantizer_index, (layer, scale) in enumerate(zip(self.layers, self.scales)):
+ if should_quantize_dropout and quantizer_index > rand_quantize_dropout_index:
+ all_indices.append(null_indices)
+ continue
+
+ quantized, indices = layer(residual / scale)
+
+ quantized = quantized * scale
+
+ residual = residual - quantized.detach()
+ quantized_out = quantized_out + quantized
+
+ all_indices.append(indices)
+
+ quantized_out = self.project_out(quantized_out.to(x.dtype))
+
+ all_indices = torch.stack(all_indices, dim=-1)
+
+ ret = (quantized_out, all_indices)
+
+ if not return_all_codes:
+ return ret
+
+ all_codes = self.get_codes_from_indices(all_indices)
+
+ return (*ret, all_codes)
+
+
+class Xcodec2CodecDecoderVocos(nn.Module):
+ def __init__(
+ self,
+ config: Xcodec2Config,
+ ):
+ super().__init__()
+ self.quantizer = Xcodec2ResidualFSQ(
+ dim=config.vq_dim, levels=config.vq_levels, num_quantizers=config.num_quantizers
+ )
+ self.backbone = Xcodec2VocosBackbone(config=config)
+ self.head = Xcodec2ISTFTHead(config=config)
+
+ def quantize(self, x):
+ """
+ Quantize input features using the vector quantizer.
+
+ Args:
+ x (torch.Tensor): Input tensor of shape (B, D, L) where B is batch size,
+ D is feature dimension, and L is sequence length.
+
+ Returns:
+ Tuple of (quantized_tensor, quantization_indices)
+ - quantized_tensor: The quantized representation with shape (B, L, D)
+ - quantization_indices: The indices in the codebook with shape (B, L, Q)
+ where Q is the number of quantizers
+ """
+ x = x.permute(0, 2, 1)
+ x, q = self.quantizer(x)
+ x = x.permute(0, 2, 1)
+ q = q.permute(0, 2, 1)
+ return x, q
+
+ def forward(self, x):
+ """
+ x (torch.Tensor):
+ Projected audio codes to reconstruct as audio.
+
+ Returns:
+ audio_waveform: The reconstructed audio waveform with shape (B, 1, T).
+ """
+ x = self.backbone(x)
+ x = self.head(x).unsqueeze(1)
+ return x
+
+
+class Xcodec2SemanticEncoder(nn.Module):
+ """
+ Maps input features of pre-trained semantic model to semantic embedding.
+ """
+
+ def __init__(
+ self,
+ input_channels: int,
+ code_dim: int,
+ encode_channels: int,
+ kernel_size: int = 3,
+ bias: bool = True,
+ ):
+ super().__init__()
+
+ # Initial convolution, maps input_channels to encode_channels
+ self.initial_conv = nn.Conv1d(
+ in_channels=input_channels,
+ out_channels=encode_channels,
+ kernel_size=kernel_size,
+ stride=1,
+ padding=(kernel_size - 1) // 2,
+ bias=False,
+ )
+
+ # Residual block with two convolutional layers
+ self.act1 = nn.ReLU(inplace=True)
+ self.conv1 = nn.Conv1d(
+ encode_channels,
+ encode_channels,
+ kernel_size=kernel_size,
+ stride=1,
+ padding=(kernel_size - 1) // 2,
+ bias=bias,
+ )
+ self.act2 = nn.ReLU(inplace=True)
+ self.conv2 = nn.Conv1d(
+ encode_channels,
+ encode_channels,
+ kernel_size=kernel_size,
+ stride=1,
+ padding=(kernel_size - 1) // 2,
+ bias=bias,
+ )
+
+ # Final convolution, maps encode_channels to code_dim
+ self.final_conv = nn.Conv1d(
+ in_channels=encode_channels,
+ out_channels=code_dim,
+ kernel_size=kernel_size,
+ stride=1,
+ padding=(kernel_size - 1) // 2,
+ bias=False,
+ )
+
+ def forward(self, x):
+ x = self.initial_conv(x)
+ residual = x
+ x = self.act1(x)
+ x = self.conv1(x)
+ x = self.act2(x)
+ x = self.conv2(x)
+ x = x + residual
+ x = self.final_conv(x)
+ return x
+
+
+class Xcodec2PreTrainedModel(PreTrainedModel):
+ """
+ An abstract class to handle weights initialization and a simple interface for downloading and loading pretrained models.
+ """
+
+ config_class = Xcodec2Config
+ base_model_prefix = "xcodec2"
+ main_input_name = "audio"
+
+ def _init_weights(self, module):
+ if isinstance(module, (nn.Linear, nn.Conv1d)):
+ module.weight.data.normal_(mean=0.0, std=self.config.initializer_range)
+ if module.bias is not None:
+ module.bias.data.zero_()
+ elif isinstance(module, nn.Embedding):
+ module.weight.data.normal_(mean=0.0, std=self.config.initializer_range)
+ if module.padding_idx is not None:
+ module.weight.data[module.padding_idx].zero_()
+ elif (
+ isinstance(module, (nn.GroupNorm, nn.BatchNorm1d, nn.BatchNorm2d, nn.BatchNorm3d))
+ or "LayerNorm" in module.__class__.__name__
+ or "RMSNorm" in module.__class__.__name__
+ ):
+ # Norms can exist without weights (in which case they are None from torch primitives)
+ if hasattr(module, "weight") and module.weight is not None:
+ module.weight.data.fill_(1.0)
+ if hasattr(module, "bias") and module.bias is not None:
+ module.bias.data.zero_()
+ elif isinstance(module, Xcodec2SnakeBeta):
+ # Initialize alpha and beta based on the logscale setting
+ if module.logscale:
+ # Log scale alphas initialized to zeros
+ module.alpha.data.zero_()
+ module.beta.data.zero_()
+ else:
+ # Linear scale alphas initialized to ones
+ module.alpha.data.fill_(1.0)
+ module.beta.data.fill_(1.0)
+
+
+XCODEC2_START_DOCSTRING = r"""
+ This model inherits from [`PreTrainedModel`]. Check the superclass documentation for the generic methods the
+ library implements for all its model (such as downloading or saving, resizing the input embeddings, pruning heads
+ etc.)
+ This model is also a PyTorch [torch.nn.Module](https://pytorch.org/docs/stable/nn.html#torch.nn.Module) subclass.
+ Use it as a regular PyTorch Module and refer to the PyTorch documentation for all matter related to general usage
+ and behavior.
+ Parameters:
+ config ([`Xcodec2Config`]):
+ Model configuration class with all the parameters of the model. Initializing with a config file does not
+ load the weights associated with the model, only the configuration. Check out the
+ [`~PreTrainedModel.from_pretrained`] method to load the model weights.
+"""
+
+XCODEC2_INPUTS_DOCSTRING = r"""
+ args:
+ audio (`torch.FloatTensor` of shape `(batch_size, channels, num_samples)`):
+ Audio waveform.
+ audio_spectrogram (`torch.FloatTensor` of shape `(batch_size, mel_bins, time_steps)`):
+ Mel spectrogram.
+ return_dict (`bool`, *optional*):
+ whether to return a `Xcodec2Output` or a plain tuple.
+"""
+
+
+# Taking inspiration form modeling code of original authors: https://huggingface.co/HKUSTAudio/xcodec2/blob/main/modeling_xcodec2.py
+@add_start_docstrings(
+ "The Xcodec2 neural audio codec model.",
+ XCODEC2_INPUTS_DOCSTRING,
+)
+class Xcodec2Model(Xcodec2PreTrainedModel):
+ config_class = Xcodec2Config
+
+ def __init__(self, config: Xcodec2Config):
+ super().__init__(config)
+
+ self.hop_length = config.hop_length # needed for padding
+ self.semantic_model = AutoModel.from_config(config.semantic_model_config).eval()
+ # Adaptor of semantic model embedding
+ self.semantic_encoder = Xcodec2SemanticEncoder(
+ config.semantic_hidden_size, config.semantic_hidden_size, config.semantic_hidden_size
+ )
+
+ self.acoustic_encoder = Xcodec2CodecEncoder(
+ downsampling_ratios=config.downsampling_ratios, hidden_dim=config.encoder_hidden_size
+ )
+ self.decoder = Xcodec2CodecDecoderVocos(config=config)
+ self.fc_prior = nn.Linear(config.intermediate_size, config.intermediate_size)
+ self.fc_post_a = nn.Linear(config.intermediate_size, config.decoder_hidden_size)
+
+ self.post_init()
+
+ def apply_weight_norm(self, legacy=True):
+ weight_norm = nn.utils.weight_norm
+ if hasattr(nn.utils.parametrizations, "weight_norm") and not legacy:
+ weight_norm = nn.utils.parametrizations.weight_norm
+
+ # Weight norm was only applied in acoustic encoder of original model
+ # -- to initial_conv
+ weight_norm(self.acoustic_encoder.initial_conv)
+
+ # -- to encoder blocks
+ for encoder_block in self.acoustic_encoder.encoder_blocks:
+ # -- to each residual unit in the block
+ for residual_unit in encoder_block.residual_units:
+ weight_norm(residual_unit.conv1)
+ weight_norm(residual_unit.conv2)
+ # -- to the final conv in the encoder block
+ weight_norm(encoder_block.conv)
+
+ # -- to final_conv
+ weight_norm(self.acoustic_encoder.final_conv)
+
+ def remove_weight_norm(self, legacy=True):
+ """Remove weight normalization from layers that have it applied via apply_weight_norm."""
+ remove_weight_norm = nn.utils.remove_weight_norm
+ if hasattr(nn.utils.parametrizations, "weight_norm") and not legacy:
+ remove_weight_norm = torch.nn.utils.parametrize.remove_parametrizations
+
+ # Remove weight norm from acoustic_encoder
+ # -- from initial_conv
+ try:
+ remove_weight_norm(self.acoustic_encoder.initial_conv)
+ except (ValueError, RuntimeError):
+ raise ValueError("Not able to remove weight norm. Have you run `apply_weight_norm?`")
+
+ # -- from encoder blocks
+ for encoder_block in self.acoustic_encoder.encoder_blocks:
+ # -- from each residual unit in the block
+ for residual_unit in encoder_block.residual_units:
+ remove_weight_norm(residual_unit.conv1)
+ remove_weight_norm(residual_unit.conv2)
+ # -- from the final conv in the encoder block
+ remove_weight_norm(encoder_block.conv)
+
+ # -- from final_conv
+ remove_weight_norm(self.acoustic_encoder.final_conv)
+
+ def encode(
+ self,
+ audio: torch.Tensor,
+ audio_spectrogram: torch.Tensor,
+ padding_mask: Optional[torch.Tensor] = None,
+ return_dict: Optional[bool] = None,
+ ) -> Union[tuple[torch.Tensor, torch.Tensor], Xcodec2EncoderOutput]:
+ """
+ Encodes the input audio waveform into discrete codes.
+
+ Args:
+ audio (`torch.Tensor` of shape `(batch_size, 1, sequence_length)`):
+ Input audio waveform.
+ audio_spectrogram (`torch.Tensor` of shape `(batch_size, mel_bins, time_steps)`):
+ Input audio mel spectrogram for semantic encoding.
+ padding_mask (`torch.Tensor` of shape `(batch_size, 1, sequence_length)`):
+ Padding mask used to pad `audio`.
+ return_dict (`bool`, *optional*):
+ Whether or not to return a [`~utils.ModelOutput`] instead of a plain tuple.
+
+ Returns:
+ `audio_codes` of shape `[batch_size, 1, frames]`, the discrete encoded codes for the input audio waveform.
+ `quantized_representation` of shape `[batch_size, hidden_size, frames]`, the continuous quantized
+ representation after quantization.
+ `codes_padding_mask` of shape `[batch_size, 1, frames]`, downsampled `padding_mask` for indicating valid
+ audio codes in `audio_codes`.
+ """
+ return_dict = return_dict if return_dict is not None else self.config.return_dict
+
+ # 1) Semantic embedding: 16th layer of pretrained model: https://huggingface.co/HKUSTAudio/xcodec2/blob/main/modeling_xcodec2.py#L64
+ semantic_output = self.semantic_model(audio_spectrogram, output_hidden_states=True)
+ semantic_hidden_16 = semantic_output.hidden_states[16]
+ semantic_hidden_16 = semantic_hidden_16.transpose(1, 2)
+ semantic_encoded = self.semantic_encoder(semantic_hidden_16)
+
+ # 2) Get acoustic embedding
+ vq_emb = self.acoustic_encoder(audio)
+ vq_emb = vq_emb.transpose(1, 2)
+
+ # 3) Concat embeddings and apply final layers
+ if vq_emb.shape[-1] != semantic_encoded.shape[-1]:
+ min_len = min(vq_emb.shape[-1], semantic_encoded.shape[-1])
+ vq_emb = vq_emb[:, :, :min_len]
+ semantic_encoded = semantic_encoded[:, :, :min_len]
+ concat_emb = torch.cat([semantic_encoded, vq_emb], dim=1)
+ concat_emb = self.fc_prior(concat_emb.transpose(1, 2)).transpose(1, 2)
+
+ # 4) Get codes for decoder
+ quantized_representation, audio_codes = self.decoder.quantize(concat_emb)
+
+ # If provided, compute corresponding padding mask for audio codes
+ codes_padding_mask = None
+ if padding_mask is not None:
+ # Expected token length, as in: https://github.com/zhenye234/X-Codec-2.0/blob/ccbbf340ff143dfa6a0ea7cd61ec34a8ba2f1c3d/inference_save_code.py#L89
+ audio_length = padding_mask.sum(dim=-1, keepdim=True).cpu()
+ token_length = audio_length // self.hop_length
+ codes_padding_mask = torch.zeros(audio_codes.shape, dtype=padding_mask.dtype)
+ idx = torch.arange(audio_codes.shape[-1]).view(1, -1)
+ codes_padding_mask = (idx < token_length).to(padding_mask.dtype).to(padding_mask.device)
+
+ if not return_dict:
+ return audio_codes, quantized_representation, codes_padding_mask
+
+ return Xcodec2EncoderOutput(
+ audio_codes=audio_codes,
+ quantized_representation=quantized_representation,
+ codes_padding_mask=codes_padding_mask,
+ )
+
+ def decode(
+ self,
+ audio_codes,
+ return_dict: Optional[bool] = None,
+ ) -> Union[tuple[torch.Tensor, torch.Tensor], Xcodec2DecoderOutput]:
+ """
+ Decodes the given frames into an output audio waveform.
+
+ Note that the output might be a bit bigger than the input. In that case, any extra steps at the end can be
+ trimmed.
+
+ Args:
+ audio_codes (`torch.LongTensor` of shape `(batch_size, 1, codes_length)`):
+ Discrete code indices computed using `model.encode`.
+ return_dict (`bool`, *optional*):
+ Whether or not to return a [`~utils.ModelOutput`] instead of a plain tuple.
+
+ Returns:
+ Decoded audio values of shape `(batch_size, 1, num_samples)` obtained using the decoder part of Xcodec2.
+ """
+ return_dict = return_dict if return_dict is not None else self.config.return_dict
+
+ vq_post_emb = self.decoder.quantizer.get_output_from_indices(audio_codes.transpose(1, 2))
+ vq_post_emb = self.fc_post_a(vq_post_emb)
+ recon_audio = self.decoder(vq_post_emb)
+
+ if not return_dict:
+ return recon_audio
+
+ return Xcodec2DecoderOutput(
+ audio_values=recon_audio,
+ )
+
+ @add_start_docstrings_to_model_forward(XCODEC2_INPUTS_DOCSTRING)
+ @replace_return_docstrings(output_type=Xcodec2Output, config_class=_CONFIG_FOR_DOC)
+ def forward(
+ self,
+ audio: torch.Tensor,
+ audio_spectrogram: torch.Tensor,
+ padding_mask: Optional[torch.Tensor] = None,
+ return_dict: Optional[bool] = None,
+ ) -> Union[tuple[torch.Tensor, torch.Tensor], Xcodec2Output]:
+ r"""
+ Returns:
+ `Xcodec2Output` or `tuple(torch.FloatTensor, torch.LongTensor, torch.FloatTensor)`:
+ - `audio_values` (`torch.FloatTensor` of shape `(batch_size, 1, num_samples)`):
+ Reconstructed audio waveform.
+ - `audio_codes` (`torch.LongTensor` of shape `(batch_size, 1, codes_length)`):
+ Discrete code indices computed using `model.encode`.
+ - `quantized_representation` (`torch.FloatTensor` of shape `(batch_size, hidden_size, frames)`):
+ The continuous quantized representation after quantization.
+ - `codes_padding_mask` (`torch.int32` of shape `(batch_size, 1, codes_length)`):
+ Downsampled `padding_mask` for indicating valid audio codes in `audio_codes`.
+
+ Examples:
+
+ ```python
+ >>> from datasets import load_dataset
+ >>> from transformers import AutoFeatureExtractor, Xcodec2Model
+
+ >>> dataset = load_dataset("hf-internal-testing/librispeech_asr_dummy", "clean", split="validation")
+ >>> audio = dataset["train"]["audio"][0]["array"]
+
+ >>> model_id = "hf-audio/xcodec2"
+ >>> model = Xcodec2Model.from_pretrained(model_id)
+ >>> feature_extractor = AutoFeatureExtractor.from_pretrained(model_id)
+
+ >>> inputs = feature_extractor(audio=audio, sampling_rate=feature_extractor.sampling_rate, return_tensors="pt")
+
+ >>> outputs = model(**inputs)
+ >>> audio_codes = outputs.audio_codes
+ >>> audio_values = outputs.audio_values
+ ```"""
+ return_dict = return_dict if return_dict is not None else self.config.return_dict
+
+ # for truncating output audio to original length
+ length = audio.shape[-1]
+
+ audio_codes, quantized_representation, codes_padding_mask = self.encode(
+ audio, audio_spectrogram=audio_spectrogram, padding_mask=padding_mask, return_dict=False
+ )
+ audio_values = self.decode(audio_codes, return_dict=False)[..., :length]
+
+ if not return_dict:
+ return (audio_values, audio_codes, quantized_representation, codes_padding_mask)
+
+ return Xcodec2Output(
+ audio_values=audio_values,
+ audio_codes=audio_codes,
+ quantized_representation=quantized_representation,
+ codes_padding_mask=codes_padding_mask,
+ )
+
+
+__all__ = ["Xcodec2Model", "Xcodec2PreTrainedModel"]
diff --git a/tests/fixtures/xcodec2/expected_results_feature_extractor.json b/tests/fixtures/xcodec2/expected_results_feature_extractor.json
new file mode 100644
index 000000000000..2d7c56dd8103
--- /dev/null
+++ b/tests/fixtures/xcodec2/expected_results_feature_extractor.json
@@ -0,0 +1 @@
+{"audio_spectrogram": [-1.3513745069503784, -1.2938611507415771, -1.3042515516281128, -1.24922776222229, -1.1503021717071533, -1.092949628829956, -1.1691689491271973, -1.269083857536316, -1.30203115940094, -1.3397775888442993, -1.7783260345458984, -1.666186809539795, -1.5241273641586304, -1.308205246925354, -1.0876264572143555, -1.0227214097976685, -1.1668208837509155, -1.122986078262329, -0.911615788936615, -0.9979852437973022, -1.0430642366409302, -0.9802085161209106, -0.8771641254425049, -0.8030658960342407, -0.8125691413879395, -1.0069810152053833, -1.3551208972930908, -1.0124515295028687, -1.0286870002746582, -1.2922166585922241, -0.9571806788444519, -1.1323972940444946, -1.1946827173233032, -0.7315863966941833, -0.5566411018371582, -0.050126075744628906, 0.12781931459903717, -0.059717196971178055, -0.4141717255115509, -0.5882015228271484, -0.6041294932365417, -0.6762491464614868, -0.6562864184379578, -0.3303810954093933, -0.6363117694854736, -0.5720179080963135, -0.5896602272987366, -0.8763933181762695, -0.9099599123001099, -0.5604336261749268], "shape": [1, 294, 160]}
\ No newline at end of file
diff --git a/tests/fixtures/xcodec2/expected_results_single.json b/tests/fixtures/xcodec2/expected_results_single.json
new file mode 100644
index 000000000000..d6cd5f9b1fda
--- /dev/null
+++ b/tests/fixtures/xcodec2/expected_results_single.json
@@ -0,0 +1 @@
+{"audio_codes": [39221, 36132, 48388, 4919, 23836, 40229, 40501, 40244, 21788, 11574, 22808, 48178, 44340, 48392, 65463, 56596, 60453, 60756, 60986, 48470, 64866, 48438, 48682, 44342, 48873, 65193, 65062, 59151, 58430, 50132, 47153, 25252, 5837, 27213, 64551, 7073, 23430, 53960, 53856, 53309, 65085, 28514, 33730, 58178, 27541, 7940, 54486, 35733, 24487, 25051, 11559, 21479, 45745, 6759, 23496, 53400, 53044, 52186, 49572, 49758, 49846, 56735, 52660, 44701, 61604, 54938, 26721, 33481, 35531, 56922, 36546, 34574, 61725, 46028, 15513, 30861, 29508, 9096, 38864, 49718, 64955, 48633, 56183, 29633, 23298, 15235, 32517, 20595, 61267, 65191, 21569, 9970, 1429, 8136, 28294, 3783, 34714, 28416, 57770, 29363, 61523, 45170, 61807, 29109, 24921, 25235, 60195, 4425, 8275, 21458, 63027, 47118, 11532, 40206, 6983, 21850, 37481, 57919, 57711, 61979, 62335, 49881, 27042, 28708, 4941, 34458, 48243, 29269, 9139, 21386, 54807, 48171, 24434, 37824, 12118, 30541, 41123, 38806, 18439, 37824, 35478, 53248, 24470, 35520, 42385, 21017, 28361, 56711, 36551, 34399, 49182, 56694, 34446, 661, 36879, 33066, 17757, 3550, 44490, 56711, 3534, 19353, 19756, 52331, 44171, 48442, 17973, 45648, 49988, 28975, 54141, 37224, 43797, 61751, 42270, 54614, 52202, 53351, 61596, 57517, 53273, 52705, 51860, 53281, 59199, 19077, 53993, 22131, 14414, 41239, 33745, 721, 16840, 41348, 37316, 37248, 53956, 37248, 18649, 10260, 54188, 58431, 63551, 32358, 19382, 11208, 54796, 53025, 62059, 62502, 62382, 61627, 55451, 38627, 17357, 5058, 8202, 41555, 41922, 25314, 8470, 51995, 7041, 17002, 57760, 61503, 54399, 42558, 58143, 45935, 41765, 30520, 47894, 30506, 29721, 58313, 26037, 54285, 21151, 55759, 20171, 20364, 56363, 48431, 56181, 6084, 53868, 32930, 18519, 26003, 22402, 6099, 37777, 17253, 23493, 28358, 6879, 48425, 64683, 61099, 65066, 11083, 58835, 8995, 10455, 13153, 30927, 29618, 47255, 29235, 63529, 28203, 10500, 9015, 31762, 40375, 65126, 44597, 44582, 44952, 64822, 48406, 61093, 61051, 52794, 52786, 35364, 2353, 25096, 5927, 10248, 6182, 10512, 65278], "recon_wav": [-0.00035886632394976914, -0.0004354878037702292, -5.466558286570944e-05, 0.00027818235685117543, -0.0006505196797661483, -0.0014334755251184106, -0.0010947124101221561, -0.001004243502393365, -0.0014944749418646097, -0.0009881617734208703, 4.360531602287665e-05, -0.0002828151045832783, -0.0005929089966230094, -0.00011347713734721765, -0.00012534124834928662, -0.0010659112595021725, -0.001068338518962264, -0.000375243864255026, -0.0010013298597186804, -0.001275761635042727, -0.00033750582952052355, 0.00033641172922216356, 0.0004991739988327026, 0.001092705992050469, 0.001285879872739315, 2.2372227249434218e-05, -0.0009550797403790057, -0.0009442208684049547, -0.0005823042010888457, -0.00012350839097052813, 0.0006259600049816072, 0.0011896088253706694, 0.0008471927139908075, 0.0002694353461265564, 0.0003080866881646216, 0.00017179324640892446, -0.00024351049796678126, -0.00013771248632110655, -0.00020089547615498304, -1.5252246157615446e-05, -0.00011292204726487398, 0.00025472071138210595, 0.0008514805231243372, 0.0010918158804997802, 0.0008583867456763983, 6.878227577544749e-05, -0.00016408761439379305, -0.0007146346033550799, -0.0006509197992272675, 0.0002879031526390463, 0.0006945093628019094, 0.0009755589417181909, 0.0013828767696395516, 0.0009991666302084923, 0.0005491622723639011, 0.0003771324991248548, 0.0001309092913288623, 0.0002811686717905104, -4.1995950596174225e-05, -0.00013517303159460425, -6.237591878743842e-05, 0.00016058901383075863, 0.0004278102423995733, 0.0002665066858753562, 0.0004568933218251914, 0.0002767686964944005, -0.00036571419332176447, -0.0004590591124724597, 0.00024956997367553413, 0.00035060261143371463, 0.0004451345594134182, 0.0011838475475087762, 0.0010561271337792277, 0.00030984796467237175, 0.0008036806830205023, 0.0008198806317523122, 0.0003942186012864113, 0.0006911058444529772, 0.0009297564392909408, 0.0008052350021898746, 0.0010380425956100225, 0.0012233175802975893, 0.0009200380300171673, 0.00019399318262003362, -9.122515621129423e-05, 0.00010743414895841852, 0.00021313142497092485, 0.00036519786226563156, 0.0006807839381508529, 0.0009470587247051299, 0.0011098353425040841, 0.0014269764069467783, 0.0013603527331724763, 0.0011162931332364678, 0.0009480963344685733, 0.0005635654088109732, -9.831313946051523e-05, 1.3649393622472417e-05, 0.0006894975085742772, 0.0009788039606064558, 0.0012225375976413488, 0.0018342228140681982, 0.0011728866957128048, 0.0004174630739726126, 0.0002613856631796807, -1.6560694348299876e-05, -0.0001671927748247981, -5.40289920536452e-06, 6.470389052992687e-05, 0.00010902686335612088, -0.00021685399406123906, -0.00035868072882294655, 0.00016530694847460836, 0.0002734079316724092, -0.00015233525482472032, -0.00048404038534499705, -0.00029574177460744977, -0.0005578709533438087, -0.0008687841473147273, -0.0001246765023097396, 0.0002686611551325768, 0.0001358918525511399, 0.0005310184205882251, 0.000740478397347033, 0.0004922428051941097, 0.0002874191268347204, 0.0006508780061267316, 0.0007137827342376113, 0.0004504739190451801, 0.0003434758400544524, 0.00027139042504131794, -1.7105145161622204e-05, -0.00011529056791914627, -3.109115641564131e-05, -5.5714419431751594e-05, -3.189623021171428e-05, -0.0002695891016628593, -0.00035329791717231274, -0.000575608282815665, -0.0006924430490471423, -0.0004167885927017778, -0.00038819981273263693, -0.0005628029466606677, -0.0002753844310063869, 0.00017449380538892, 0.00017913249030243605, 0.0004189270839560777, 0.0002059028047369793, 0.00011846996494568884, -5.7665962231112644e-05, -0.0004697533731814474, -0.00021852755162399262, -3.2084051781566814e-05, 0.00024379746173508465, 0.0002731260610744357, 0.0004781980242114514, 0.00021939391444902867, -3.090505560976453e-05, 0.00014025111158844084, 0.0001560037926537916, 5.083963696961291e-05, 0.0002840475644916296, 0.0007182127446867526, 0.0007805694476701319, 0.00021265301620587707, 0.00033786415588110685, 0.00010568050493020564, 0.00023589162447024137, -8.642772445455194e-05, -0.0007683479925617576, -0.0007345792255364358, -0.00047151342732831836, 2.067058812826872e-05, 5.322848664945923e-05, 0.00016634068742860109, -0.00039995930274017155, -0.0006693340255878866, -0.0007944139069877565, -0.0010023426730185747, -0.00079866754822433, -0.0006476399721577764, -0.00046711688628420234, -0.0007078278576955199, -0.00012426826287992299, 0.0003065463970415294, 0.0002801257651299238, 3.250436930102296e-05, -0.00026048440486192703, -0.00033790068118833005, -0.0008848782745189965, -0.0011608174536377192, -0.0007248607580550015, -0.00022779751452617347, -0.0003285071288701147, -8.373252057936043e-05, 6.252002094697673e-06, -0.0004075541510246694, -0.0007218934479169548, -0.0006876141997054219, -0.0004234967927914113, -0.0006719088414683938, -0.000619712402112782, -0.0002924993459600955, -0.0005265595973469317, -0.0005871650646440685, -0.00033996161073446274, -5.2891471568727866e-05, -0.0005421677487902343, -0.0010281249415129423, -0.0010435687145218253, -0.0008751819259487092, -0.0010307682678103447, -0.0007828869856894016, -0.0003963449562434107, -0.0004948941059410572, -0.0011578634148463607, -0.000915692129638046, -0.0002512070059310645, -0.0008605295442976058, -0.0011303649516776204, -0.000828669173642993, -0.0011865808628499508, -0.0015981373144313693, -0.0007384488126263022, -0.00017315424338448793, -0.00043393310625106096, -0.0007614138885401189, -0.0009294776828028262, -0.001245054299943149, -0.0015632850117981434, -0.0008164379396475852, -0.000387537176720798, -0.00011629018990788609, -0.00022079242626205087, 1.950876321643591e-05, -0.00017362163634970784, -0.001232430338859558, -0.0016177024226635695, -0.001317423302680254, -0.0013389741070568562, -0.0010176619980484247, -0.000739992712624371, -0.0005122496513649821, -0.0004438883624970913, -0.0003229000139981508, -0.0002067286695819348, -0.0007122611277736723, -0.0010011194972321391, -0.0016203121049329638, -0.0016846893122419715, -0.0014533920912072062, -0.0011328697437420487, -0.0003614673623815179, -1.061455077433493e-05, 0.000258043990470469, -6.351095362333581e-05, -0.0005463937413878739, -0.0009116404689848423, -0.0018073394894599915, -0.001915252418257296, -0.001373917330056429, -0.0009820087580010295, -0.000829760916531086, -0.0008555217063985765, -0.0008733931463211775, -0.0011287208180874586, -0.0013310550712049007, -0.001715850317850709, -0.0020956320222467184, -0.0018829364562407136, -0.001435596845112741, -0.0008790658321231604, -0.00043744503636844456, -0.0002945081505458802, 2.4133598344633356e-05, -0.00015438928676303476, -0.00020668476645369083, -0.00046050079981796443, -0.0014494829811155796, -0.0017002777894958854, -0.0016591359162703156, -0.0018580066971480846, -0.0012615225277841091, -4.13493653468322e-05, 7.906469545559958e-05, -0.0009029946522787213, -0.0009496353450231254, -0.0009360167314298451, -0.0017419960349798203, -0.0016491872956976295, -0.0004799720481969416, -7.440282934112474e-05, -0.0001388364762533456, 0.0006016700644977391, 0.0011230550007894635, 0.00025325623573735356, 2.2802244075137423e-06, 0.0002597397251520306, -0.00011631539382506162, -0.001263188198208809, -0.0010118498466908932, -0.000567151524592191, -0.0009400207200087607, -0.0006980018806643784, 0.0002960610145237297, 0.0004728647763840854, 0.000254628190305084, 0.00021808009478263557, -0.00015414084191434085, -0.0007331004599109292, -0.001014926703646779, -0.0001540417579235509, 0.00027396425139158964, 6.069021037546918e-05, 4.860021363128908e-05, -0.0003772448399104178, -0.0009494855185039341, -0.0013685963349416852, -0.0012318802764639258, -0.001147987088188529, -0.0009453196544200182, -0.0006456238916143775, -0.00030064882594160736, -3.23240201396402e-05, 0.00032563027343712747, 0.0006820857524871826, 0.00048141423030756414, 0.0002004170382861048, -0.00020979414694011211, -0.0009555760188959539, -0.0013186745345592499, -0.0007386705838143826, 0.00026404947857372463, 0.0007905783713795245, 0.0008952711359597743, 0.0005358936614356935, -0.000253253267146647, -0.0011296042939648032, -0.000672216818202287, -0.00029215836548246443, -0.0006602653302252293, -0.0002762536460068077, 0.00027094714459963143, 4.338155486038886e-05, 0.0002873968333005905, 0.0013236564118415117, 0.0008564909803681076, 0.0001445037341909483, -7.787885988363996e-05, -0.0007483514491468668, -0.0014540840638801455, -0.0009947241051122546, -0.00012093428085790947, 0.0005339058698154986, 0.0009950577514246106, 0.001637787907384336, 0.0014415044570341706, 0.000672288064379245, 0.00013862396008335054, -0.00022312985674943775, -0.0005960024427622557, -0.0006360450643114746, 9.331740875495598e-05, 0.00041946241981349885, 0.00013111144653521478, 0.00025271729100495577, 0.0006686922861263156, 0.0005481672706082463, 6.075618875911459e-05, -0.00011613658716669306, 0.00026099375099875033, -0.00013178361405152828, -0.000559353968128562, -3.396239844732918e-05, 0.00041396977030672133, 4.112057649763301e-05, 0.00017650578229222447, 0.0007355729467235506, 0.00033447289024479687, 0.00019185798009857535, 0.0005403225077316165, 0.0002276559971505776, -8.074019569903612e-05, 0.0006788813625462353, 0.0012463723542168736, 0.0009529115632176399, 0.0009737792424857616, 0.0006975285359658301, 1.1269058632024098e-05, 0.00016037416935432702, 0.0008928789175115526, 0.0015081631718203425, 0.0012972638942301273, 0.0012644771486520767, 0.001224699430167675, 0.0003434066893532872, 0.00021833879873156548, 0.0010076725156977773, 0.0010327475611120462, 0.0008854175684973598, 0.0005932448548264802, 0.0003137094608973712, 1.1785824426624458e-05, 4.2128009226871654e-05, 0.000694288348313421, 0.000632071343716234, 4.153277768637054e-05, 6.960208702366799e-05, 0.0002733860455919057, 0.00028258762904442847, 0.0006588070536963642, 0.001136600854806602, 0.001300046918913722, 0.0011965531157329679, 0.0006511724786832929, 0.00038239287096075714, 0.0002791814331430942, 7.40599280106835e-05, 0.0004086926346644759, 0.0004233636718709022, 0.0008374226163141429, 0.0009995205327868462, 0.0008666307548992336, 0.0006517973379231989, 0.00033260014606639743, 0.0006552017875947058, 0.00032583135180175304, -1.3703973309020512e-05, 3.773024945985526e-05, -0.0003027413913514465, -0.000474745174869895, -0.00019993187743239105, 5.2212006266927347e-05, 1.1828386959678028e-05, 2.615943958517164e-05, 2.437389048282057e-05, -0.00012112240074202418, -0.00025674948119558394, 1.4978972103563137e-05, 0.00028479122556746006, 0.0008762692450545728, 0.0010610218159854412, 0.000760341587010771, 0.0009823639411479235, 0.0006497662398032844, 1.7805259631131776e-05, 0.00027117543504573405, 0.00018914986867457628, -0.0003386214666534215, -6.452554953284562e-05, 0.0004737480776384473, 0.0001245970488525927, 0.00012307455472182482, 0.0005954265943728387, 0.0004126416752114892, 5.008135485695675e-05, 3.8543963455595076e-05, 0.0010298602283000946, 0.0007186282891780138, 0.00048419678932987154, 0.0011606286279857159, 0.0014276565052568913, 0.0009412409854121506, 0.0003167852992191911, 1.7449307051720098e-05, -0.00029565527802333236, -0.00042088094050996006, -0.00045391832827590406, -0.00013746619515586644, 0.0005061404081061482, 0.00043995751184411347, 0.00010106058471137658, 4.688381523010321e-05, 0.00023233785759657621, 0.0001443553192075342, 0.00014060344255995005, 0.0007364863995462656, 0.0007773370598442852, 0.0003911127569153905, 0.00010906419629463926, -0.00025770338834263384, -0.0006966771325096488, -5.440544100565603e-06, 0.0006115785799920559, 0.00011822136002592742, -0.0001947769633261487, -0.0004455780435819179, 5.375690648179443e-07, 8.909193275030702e-05, 0.0003968510136473924, 0.0003005768230650574, -9.622301877243444e-05, -0.0004132610047236085, -0.0007961533265188336, -0.0005918477545492351, -0.00033175357384607196, 0.0005795186734758317, 0.00035384553484618664, 7.45811194065027e-05, -0.00022965225798543543, -0.0007598418742418289, -0.0006512564141303301, -0.0007314269314520061, -0.00013625631981994957, -0.00031975164893083274, -0.0010900163324549794, -0.00037089944817125797, 0.00013643894635606557, -0.00014275532157626003, 0.00043063866905868053, 0.001127617433667183, 0.0003661534865386784, -0.00042988822679035366, -0.0002758000628091395, -0.00012616113235708326, -0.0002251018740935251, 9.508286166237667e-05, 0.0006112040719017386, 0.0006968447123654187, -0.00011301037739031017, -0.0005899285315535963, 0.00016647076699882746, 0.0004280394350644201, 0.00027509068604558706, 0.00039186564390547574, 0.00040644421824254096, -0.00010321904846932739, -0.0008218184229917824, -0.00022931596322450787, 0.00015817878011148423, 1.9371664166101255e-05, 0.00040343846194446087, 0.0002572913945186883, -0.0003083000483456999, -0.0005000691744498909, 0.00020889764709863812, 0.0006010915385559201, 0.00030398013768717647, 0.0003523092018440366, 0.000591040647123009, 0.00019067435641773045, -0.00034389414940960705, 0.00032938551157712936, 0.0004281457222532481, -0.000536727427970618, -0.0007605747669003904, 7.548751455033198e-05, -0.00011245974019402638, -0.0004520091461017728, 0.000422552548116073, 0.0008268056553788483, 0.0005752447759732604, 0.00048412589239887893, 0.0004899069317616522, -0.0003352474595885724, -0.00076761853415519, -0.0002966975443996489, -0.0004752053355332464, -0.0005942517891526222, -5.880650132894516e-05, 0.00048178559518419206, 0.000254884798778221, 3.916268906323239e-05, 0.0007883429061621428, 0.00028621716774068773, -0.0004592904879245907, -0.00033488115877844393, 0.0003599750343710184, 0.0005301976343616843, 0.0007699779816903174, 0.0012288220459595323, 0.0013612916227430105, 0.0009933523833751678, 0.0003015129768755287, 0.00024074067187029868, -0.00010218017996521667, -0.0004435985756572336, -0.0003310395695734769, 0.00031660322565585375, 0.0004428643733263016, 0.00013275518722366542, 0.00029510591411963105, 0.00010394617129350081, 0.00016839579620864242, 0.0005585603066720068, 0.0008865662384778261, 0.0007296968251466751, 0.0002512145438231528, 0.000121640732686501, 0.0003821711870841682, 0.0002839700609911233, 0.0005952506326138973, 0.0013279208214953542, 0.0005856990464963019, -0.0002269926480948925, -0.00011783179797930643, -0.00014115973317530006, -0.00033499757410027087, 0.00036004954017698765, 0.0011167674092575908, 0.0006780113908462226, 0.00020408084674272686, 0.00034603753010742366, -0.0002331084688194096, -0.000981737277470529, -0.00031854267581366, 0.00039329970604740083, -2.4377095542149618e-05, -9.49618115555495e-05, 0.00021260243374854326, 8.980056009022519e-05, 0.00015698824427090585, 0.0006074872217141092, 0.0005168280913494527, 0.0001572398323332891, -1.8762302715913393e-05, -0.0004963141982443631, -0.0005310320411808789, -0.000452205102192238, 0.00025959027698263526, 0.0008226663921959698, 0.0005694367573596537, 0.0003551927220541984, -7.719823770457879e-05, -0.0003613325534388423, -0.00040245699346996844, 8.373083255719393e-05, 0.00022063990763854235, 0.00028093106811866164, 0.0004526412521954626, 0.00021847082825843245, 0.0006838710978627205, 0.0006134962313808501, 0.0008959402330219746, 0.0009857792174443603, 0.000821251014713198, 0.0007944051176309586, 0.0006404950981959701, 0.0002895863726735115, -0.0003911103412974626, -0.0003589411498978734, -2.31300582527183e-05, -0.00037248266744427383, -0.0005934711080044508, -0.0003474519762676209, 7.520797953475267e-05, 0.0003343306016176939, 0.0007747671334072948, 0.0010700150160118937, 0.000635369389783591, 0.00012906048505101353, -7.764161273371428e-05, 0.0005654860869981349, 0.0003620022616814822, 0.00047128487494774163, 0.0007213591015897691, -0.00010725230094976723, -0.0005241563194431365, -6.529666279675439e-05, -0.00028328163898549974, -0.0010848973179236054, -0.000855530146509409, -8.687171794008464e-05, 0.0002145647449651733, 9.761359251569957e-05, 0.00047838102909736335, 0.0003534847928676754, -3.2943054975476116e-05, 0.0002095010131597519, 0.0007142783724702895, 0.0004617020895238966, 0.00022900810290593654, 0.001015263726003468, 0.0009615200688131154, 0.00026720479945652187, 0.0003721774846781045, 0.0008010271703824401, 0.0005888552987016737, 0.00025816247216425836, 0.0005469975876621902, 0.0004918341874144971, 0.0002085145824821666, 0.0002005226124310866, 0.00012969782983418554, 1.263219746761024e-05, 4.037654434796423e-05, 0.0005575995310209692, 0.0008213960682041943, 0.0005146113107912242, 8.270627586171031e-05, -4.052542499266565e-05, 0.00015139600145630538, -0.00010876479063881561, -3.8358179153874516e-05, 0.00010501061478862539, 0.00023717583098914474, 0.00021408445900306106, -6.705485429847613e-05, -0.00028467405354604125, -0.0002474898356013, 0.0005056157824583352, 0.0007197408704087138, 0.0006355008808895946, 0.001378149027004838, 0.0018180510960519314, 0.0015426379395648837, 0.001630486804060638, 0.0012966878712177277, 6.193797889864072e-05, -0.0008733320282772183, -0.000453596148872748, -0.0001591962354723364, -0.0006092278636060655, -0.00035445671528577805, 0.00021378039673436433, 0.0002246639342047274, 8.91762028913945e-05, 0.0009469342767260969, 0.0012659805361181498, 0.00044017619802616537, 0.0005169791984371841, 0.00014078068488743156, 0.00013827948714606464, -5.572954250965267e-06, -0.00036156116402707994, 0.0003148094692733139, 0.0005817455239593983, 0.0008612361270934343, 0.0006258012144826353, 0.00041401133057661355, -0.00029720598831772804, -0.0013790844241157174, -0.001098470645956695, -0.0005410835728980601, -0.00024874627706594765, -4.5769131247652695e-05, 0.0004476690955925733, 9.437141852686182e-05, 5.279840843286365e-05, 0.0005666607175953686, 0.0003080532478634268, -0.0002643373445607722, -0.0004172310291323811, -0.0005201120511628687, -0.0014130923664197326, -0.0014708894304931164, -0.001325278077274561, -0.0018583060009405017, -0.001867054495960474, -0.0013798116706311703, -0.0009949117666110396, -0.0010895917657762766, -0.0007521671359427273, -0.0008959232363849878, -0.0010081332875415683, -0.0005792850279249251, -0.00063656410202384, -0.0010490723652765155, -0.0013561322120949626, -0.001570036169141531, -0.0014913927298039198, -0.001290063955821097, -0.0006924192421138287, -0.0006483548786491156, -0.0009765506256371737, -0.001164945657365024, -0.0018194783478975296, -0.0021151122637093067, -0.0016049407422542572, -0.0012555875582620502, -0.0012065974297001958, -0.0008014694321900606, -0.0006153924623504281, -0.0004467577382456511, 0.00014097690291237086, 0.00018388786702416837, -0.00038197473622858524, -0.0007292580557987094, -0.0017511212499812245, -0.002250593388453126, -0.0017308685928583145, -0.001484698848798871, -0.0011626288760453463, -0.0010788319632411003, -0.0009269504807889462, -0.0010111265582963824, -0.0008679589373059571, -0.00048410671297460794, -0.0004625939473044127, -0.000808010227046907, -0.0011437382781878114, -0.0013166529824957252, -0.001213944866321981, -0.0002678514283616096, 0.0006836940883658826, 0.001027370453812182, 0.00025082009960897267, -0.00013054576993454248, -0.00042484357254579663, -0.0010205050930380821, -0.0007924539968371391, 0.00021242129150778055, 0.0003725837159436196, -0.00021155284775886685, -0.00046834908425807953, -0.0007269312627613544, -0.0008559105335734785, -0.0005603948957286775, 1.647901262913365e-05, 0.00015165303193498403, -0.00041332407272420824, -0.00031886843498796225, -0.0007504199165850878, -0.00102921761572361, -0.0005690066027455032, 0.00022385758347809315, 0.000501844275277108, -0.00022913218708708882, 0.0002663450432009995, 0.0003069940721616149, -0.0003048512735404074, -0.0004162934492342174, 0.00027835924993269145, 1.5418025213875808e-05, -0.0006080358289182186, -3.4744167351163924e-05, -6.23364612692967e-05, -0.0006494493572972715, -0.0006280301604419947, -0.00011843995162053034, -0.00010995634511345997, -0.00040027900831773877, 0.00011252748663537204, -0.00037330659688450396, -0.000940997211728245, -0.0009054223191924393, -0.0006002270383760333, -0.0007588739972561598, -0.0008810455910861492, -0.0005483849090524018, -0.0011011426104232669, -0.0018532135291025043, -0.0017353709554299712, -0.0007618060917593539, -0.0003521205217111856, -0.00048294119187630713, -0.0002992874651681632, -0.00014953895879443735, -0.001050469814799726, -0.0014424618566408753, -0.00046596466563642025, -7.272673974512145e-05, -0.00035808159736916423, -0.0003168184484820813, -0.0002106339088641107, -9.442475129617378e-05, 3.792707502725534e-05, 2.8580894650076516e-05, -0.000723287754226476, -0.001101764035411179, -0.0006916249985806644, -0.00017825100803747773, -0.0007971299928613007, -0.0010893229627981782, -0.0005417665815912187, -0.000432561500929296, -0.0008712059934623539, -0.0005605174228549004, 0.00034780267742462456, 0.00018826538871508092, -0.00048628810327500105, -0.00038051066803745925, -0.00018113889382220805, -0.00034047343069687486, -0.00030450147460214794, 0.00020233573741279542, 0.00011083934077760205, -2.613904325698968e-05, 0.00017533046775497496, -5.856277493876405e-05, -0.0005891016335226595, -0.00032696290872991085, -1.2730653907055967e-05, 0.0003580362244974822, 0.0015044133178889751, 0.0014514970825985074, 2.3515525754191913e-05, -0.00022047247330192477, -0.00022971291036810726, -0.0005815468612127006, -0.0008820430957712233, -0.00042933892109431326, -0.0003404225572012365, -0.0014029945014044642, -0.0010859622852876782, -0.0004380992613732815, 0.00031568261329084635, 0.0005575145478360355, 0.00013956207840237767, 0.0006671049050055444, 0.0002506145101506263, -0.00082428875612095, -0.0010052105644717813, -0.0010779047152027488, -0.0013779103755950928, -0.0006321449181996286, 0.0008128069457598031, 0.0009661015938036144, -0.00020871894957963377, -0.0006221212679520249, -0.00013741238217335194, -0.0005727968527935445, -0.0006939272861927748, 6.423729792004451e-05, 0.0001906218967633322, -0.0007778724539093673, -0.0005306197563186288, 0.00030349596636369824, 0.0004521419759839773, 0.0008275607833638787, 0.001003710669465363, 0.0002251419791718945, -0.0006641763029620051, -0.00023253397375810891, 0.00030447079916484654, 0.0003815985401161015, 0.0007329803775064647, 0.0002897336380556226, 0.0004219414258841425, 0.0010114040924236178, 0.0005764830275438726, 0.0011028099106624722, 0.0017917932709679008, 0.001476410892792046, 0.0005322724464349449, 0.00011096845264546573, -4.447043829713948e-05, -0.00013249233597889543, 0.0006291000172495842, 0.0009427250479348004, 6.975068117753835e-06, -0.0004539887304417789, 0.00044771566172130406, 0.0003351363411638886, -4.962682578479871e-05, 0.0016721441643312573, 0.0018894936656579375, 0.0003256311465520412, -0.0003568738466128707, 8.860793604981154e-05, -0.0002921382838394493, -4.496288238442503e-05, 0.001386564807035029, 0.0012796786613762379, 4.485956742428243e-05, -0.0003778334939852357, 0.00025980951613746583, 0.00026350104599259794, 0.00029577998793683946, 0.0005071218474768102, 0.000972760550212115, 0.000296309677651152, -0.0002639378944877535, 0.00035386887611821294, 0.00022239524696487933, 0.000808863842394203, 0.0012446524342522025, 0.0011548645561560988, 0.0005665115895681083, -0.00013833976117894053, 0.0002669689420145005, 5.7389410358155146e-05, -9.269891597796232e-05, -0.00013441703049466014, 5.0096772611141205e-05, 2.8397922505973838e-05, 3.384738738532178e-05, 0.0007499516941606998, 0.0007755830883979797, 0.00035941964597441256, -4.995710332877934e-05, -0.0004945448599755764, -0.0004548111464828253, 0.0005063486169092357, 0.0008658536244183779, 0.00060338742332533, 0.0007182422559708357, 0.00040954595897346735, 0.0003163746150676161, 0.00043187473784200847, 0.0007225113804452121, 0.0007140196394175291, 0.00036070338683202863, 0.00027852700441144407, -0.0004907819093205035, -0.0011299161706119776, -0.0012347402516752481, -0.0003621698124334216, 0.0003531915135681629, 0.00020554297952912748, -0.00015315067139454186, -0.000523540482390672, -0.0007599728996865451, -0.0012451434740796685, -0.0008116502431221306, 8.653770237287972e-06, 0.0005194274126552045, -0.00011005799024133012, -0.00042387578287161887, -0.0006259898655116558, -0.0010172453476116061, -0.0006398620898835361, 0.0001968230790225789, 0.00045595134724862874, -0.0001163235938292928, -0.0005494320066645741, -0.0006735462811775506, -0.0011476849904283881, -0.0011607600608840585, -0.000523564696777612, 0.00020043944823555648, 0.00018922156596090645, -8.032402547542006e-05, 1.1109445040347055e-05, 0.0003562143538147211, 9.217837214237079e-05, -0.0002848446893040091, -0.0004195302608422935, -0.0007538352510891855, -0.0012087661307305098, -0.0015035561518743634, -0.0012688243295997381, -0.0009235739125870168, -0.0005979932029731572, -0.00045147837954573333, -0.0005705160438083112, -0.0009792863857001066, -0.0009304636623710394, -0.0007558911456726491, -0.000740504649002105, -0.0003276258066762239, 8.634612458990887e-05, 0.00022714601072948426, 0.0003980462206527591, 0.0003870219807140529, -1.6867052181623876e-05, -0.0005787954432889819, -0.0008081928826868534, -0.0008557345136068761, -0.001057881279848516, -0.0007635813672095537, -0.0003777845995500684, -0.0008719317265786231, -0.0011250943643972278, -0.0005702152848243713, -0.0004929397837258875, -0.0010235548252239823, -0.0013417453737929463, -0.0011549415066838264, -0.0006532465922646224, -0.0006296000210568309, -0.0006335016805678606, -0.0009196735336445272, -0.0013497240142896771, -0.001813881448470056, -0.0018498747376725078, -0.0009265302214771509, -0.0007089049322530627, -0.0013464756775647402, -0.0014213172253221273, -0.001132714911364019, -0.0013075544266030192, -0.0011821928201243281, -0.0001383088674629107, -5.469396637636237e-05, -0.0010835496941581368, -0.001708789961412549, -0.0013842176413163543, -0.0012648373376578093, -0.0009092651307582855, -0.00026329970569349825, -9.545205102767795e-05, -0.00018885060853790492, -0.00023633441014681011, 9.70626060734503e-05, -0.00015135366993490607, -0.0012406595051288605, -0.0012428387999534607, -0.00020837229385506362, -0.0002456158399581909, -0.0005163693567737937, 3.6636481581808766e-06, 0.0006641706568188965, 0.0004653645446524024, -0.00036492946674115956, -0.00044805300422012806, -0.000478301226394251, -0.0007649222388863564, -0.0013634288916364312, -0.0007562979008071125, 8.87426795088686e-05, 1.0926743016170803e-05, 0.00026077296934090555, 0.00024183695495594293, 0.0003326240985188633, 0.00032075014314614236, 0.00011856517085107043, -3.533241761033423e-05, -0.0004005387017969042, -0.0012531573884189129, -0.0016386095667257905, -0.0009263300453312695, -0.00018745790293905884, 0.00030784288537688553, 6.448477506637573e-06, -0.0007839009631425142, -0.0010252883657813072, -0.001253111520782113, -0.0008671740652061999, -0.0005859844968654215, -0.0007706432952545583, -0.0008578773122280836, -0.0006065669585950673, -0.000343447522027418, 2.757387665042188e-05, 0.00020546121231745929, -0.0001784974883776158, -0.0011746409581974149, -0.0022589347790926695, -0.0017909806920215487, -0.0010974815813824534, -0.0008059293613769114, -0.0005076320376247168, 0.0001568757143104449, 0.00027530445368029177, -0.0004535456537269056, -0.0002499047841411084, -0.0002989055647049099, -0.0009148856624960899, -0.0010929201962426305, -0.0008634793921373785, -0.0006733388872817159, -0.0008529976475983858, -0.0002594750840216875, 0.0002766328689176589, 0.0001586280413903296, 0.00041746487841010094, 0.00012962782057002187, -0.0009095037821680307, -0.00178896717261523, -0.0011572117218747735, -0.00021161408221814781, -0.0003219767240807414, -0.00026456612977199256, 0.00030558722210116684, 0.0004534943727776408, 2.206355748057831e-05, 0.00013113087334204465, 0.0007819403544999659, 0.000934201932977885, 0.0001765984488883987, 0.0005916907102800906, 0.001060903538018465, 0.000210632206290029, 0.00030153265106491745, 0.0007553788600489497, 0.0003717876970767975, -4.926922883896623e-06, 0.0003485141496639699, 0.00026149084442295134, 0.00033996658748947084, 0.0003334340581204742, 0.0008733098511584103, 0.0011008019791916013, 0.0011022272519767284, 0.0004526870616246015, -0.0002404292463324964, 0.00010202405246673152, 0.00023817869077902287, 0.00023785349912941456, 0.0007233007927425206, 0.0012471310328692198, 0.0005713275168091059, 0.0002473279309924692, 0.0008422203245572746, 0.0006984613719396293, 5.6612563639646396e-05, -6.75291012157686e-05, -7.924171222839504e-05, -4.593779522110708e-05, 0.0007041587959975004, 0.0015916257398203015, 0.0017068665474653244, 0.0017845869297161698, 0.0019082343205809593, 0.0013595708878710866, 0.0009951501851901412, 0.0005044622230343521, 0.00010321101581212133, -0.00025221650139428675, -6.78488431731239e-05, 0.000776433851569891, 0.0014021095121279359, 0.0016763345338404179, 0.0015488846693187952, 0.0013515836326405406, 0.0008360182400792837, 0.00031938680331222713, -0.000575719925109297, -0.0006753755151294172, 0.0004054469463881105, 0.0005838918150402606, -9.561073238728568e-05, 0.0004720830183941871, 0.0013748480705544353, 0.001586891245096922, 0.0019006008515134454, 0.002137847011908889, 0.0017177198315039277, 0.0008834234904497862, 0.0003938122827094048, 0.0006618706393055618, 0.0011933125788345933, 0.0021879940759390593, 0.0027225210797041655, 0.0020190144423395395, 0.0016667592572048306, 0.0015748683363199234, 0.0009703804389573634, 0.0005157850100658834, 0.0007653306820429862, 0.0010694885859265924, 0.0003626550897024572, -6.439107528422028e-05, 0.000904070504475385, 0.0015037511475384235, 0.00165109196677804, 0.00206582760438323, 0.0019126092083752155, 0.000887324393261224, 0.00035231211222708225, -0.0002639383601490408, -0.000956344127189368, 7.147499127313495e-05, 0.002037741243839264, 0.0023528854362666607, 0.0017682468751445413, 0.001963268266990781, 0.0020869325380772352, 0.0010722227161750197, 0.0009208640549331903, 0.001303939614444971, 0.0009044781909324229, 0.00022910645930096507, 0.0006033743848092854, 0.0013646616134792566, 0.0016117511549964547, 0.0016340861329808831, 0.0022837999276816845, 0.001754103577695787, 0.0005310114356689155, 0.00030305131804198027, 0.0006148708052933216, 0.00023809958656784147, 6.93463152856566e-05, 0.000816972111351788, 0.0011767081450670958, 0.0009092373657040298, 0.0011142670409753919, 0.0010885564843192697, 0.0005024076672270894, -0.00010626270523061976, 0.000921148806810379, 0.001611612387932837, 0.0008643301553092897, 0.00022025722137186676, -3.2165582524612546e-05, 0.00020610053616110235, 0.00022508630354423076, 0.00037903187330812216, 0.0005440124659799039, 0.00046145907253958285, -0.00022172929311636835, -0.0009063175530172884, -0.00012520677410066128, 0.0007198577513918281, 0.0007330914377234876, 0.0011658574221655726, 0.0007986139971762896, -0.0005406513228081167, -0.0009508521761745214, -0.0006506573408842087, -0.0001642878050915897, 0.00015445661847479641, 0.0006863360176794231, 0.0009548818343318999, 8.381214684050065e-06, -0.0004391239199321717, -9.244481771020219e-05, 0.00033379008527845144, 0.0005944337463006377, 0.0006100689060986042, 0.000202698924113065, -0.0010727186454460025, -0.0015414764638990164, -0.0002480586408637464, 0.000779916881583631, 0.000845512724481523, 0.0006772482302039862, -0.0001392928825225681, -0.0013032843125984073, -0.0016130043659359217, -0.0007857534219510853, -5.542620783671737e-06, 9.255471377400681e-05, 0.0011068456806242466, 0.0013749508652836084, 0.0001308228966081515, -0.0003033776010852307, 0.00011698502203216776, 0.00019330358190927655, 0.0002660378522705287, 0.0005231069517321885, 0.0003471472882665694, -0.00021193995780777186, -0.0005319646443240345, -0.00036207318771630526, 0.00040140378405340016, 0.0004931323346681893, -0.00012748059816658497, -0.0006797906826250255, -0.0006418650737032294, -0.0002565268659964204, -1.871518907137215e-05, 0.0007636180380359292, 0.0006922638858668506, 0.00018772219482343644, 9.705490083433688e-05, -0.00010037146421382204, -0.00048523888108320534, -0.0006288532167673111, -0.00043202066444791853, -0.0002290323027409613, -0.00018612881831359118, 0.00042725258390419185, 0.0007873649010434747, 0.00025651828036643565, 3.792157440329902e-05, 0.00024306902196258307, 0.00010512212611502036, -0.0003106023941654712, 0.00028985252720303833, 0.0006004138267599046, 0.00038626627065241337, 0.0006897719576954842, 0.0009037703857757151, 0.000509626988787204, 4.2614745325408876e-05, 6.364947330439463e-05, 0.0007594854687340558, 0.0009117394220083952, 0.0008310409029945731, 0.00044743821490556, -0.0002188143989769742, -0.0004351664974819869, -0.00041846910608001053, 0.00014102814020588994, 0.00046999554615467787, 0.0004769962979480624, 0.00034995179157704115, 0.00010003162606153637, -0.00010565327829681337, -3.479608494671993e-05, -3.150270276819356e-05, 0.0003888911451213062, 0.0006363962893374264, -0.0001094852268579416, -0.000565671653021127, 0.000550248718354851, 0.0005890069296583533, 0.00026942326803691685, 0.0007313516107387841, 0.0014058137312531471, 0.000627705070655793, -0.0002498604590073228, 0.0002488303289283067, -0.0003092451370321214, -0.000282694207271561, 0.0005897118826396763, 0.0010372789110988379, 0.0006651919102296233, -4.862027253693668e-06, 9.292201866628602e-05, 0.0003201925428584218, 0.00025668181478977203, 4.148097286815755e-05, 0.00020444173424039036, -0.00020469511218834668, -0.0006733774789609015, -0.0006018877611495554, -6.890481745358557e-05, 0.0009341323166154325, 0.0009723403491079807, 0.0005026899161748588, -0.0001964256225619465, -0.0004684413142967969, -0.0002479288959875703, 0.000148247680044733, 0.0009291800670325756, 0.0009453256498090923, 0.0001804002095013857, -7.475935126421973e-05, 6.287572614382952e-05, 0.00021888756600674242, 0.0006443669553846121, 0.00077822245657444, 0.00048233766574412584, 0.00033448534668423235, 4.6782733988948166e-05, -1.2092893484805245e-05, -0.00011143751908093691, 0.0001357400178676471, 0.0004979139193892479, 0.0008819852955639362, 0.0007115482003428042, -0.00027154540293850005, -0.00024091287923511118, 0.0004144069680478424, 0.00039029907202348113, 4.725249254988739e-06, 4.188041657471331e-06, -0.000208284254767932, -0.0008709035464562476, -0.0008940041880123317, 8.998884004540741e-05, 0.0004948507412336767, 0.0003384902374818921, 0.0006834518280811608, 0.001017814502120018, 0.0008041365072131157, 0.0006062406464479864, 0.00027841803967021406, 0.0002119922573911026, -0.00016300183779094368, -0.00016085701645351946, 6.335354555631056e-05, -0.000254215847235173, 5.6932894949568436e-05, 0.0005782056832686067, 0.0011165536707267165, 0.0012077339924871922, 0.0009746585856191814, 0.0007097342167980969, 0.0003897743299603462, -0.00017583402222953737, -0.0008294956060126424, -4.0125429222825915e-05, 0.000254889513598755, 0.00023585073358844966, 3.662435483420268e-05, 0.0002131038490915671, 0.0006286519928835332, -0.0002093806688208133, -2.162305281672161e-05, 0.0004584865819197148, -0.00017981081327889115, -0.0008884757407940924, -0.000568077783100307, -0.00015130873362068087, -0.00024949878570623696, 2.6736519430414774e-05, 0.0003349208855070174, 9.944666089722887e-05, -0.00014200176519807428, 0.0004284675233066082, -0.00011846467532450333, -0.0005221536848694086, -0.00011354001617291942, 4.849887773161754e-05, -0.000625071523245424, -0.0006597066530957818, -0.00012680389045272022, -0.0005775231984443963, -0.0008014818304218352, -8.455376701022033e-06, 0.00014039840607438236, -0.0005344130913726985, -0.000600464001763612, -0.0005683632916770875, -0.0006191405118443072, -0.00022024224745109677, 0.00020963714632671326, -1.1528450158948544e-05, -0.000906570756342262, -0.0014732673298567533, -0.001430955366231501, -0.0009543686755932868, -0.00023254509142134339, -2.9441696824505925e-05, -7.063426164677367e-05, -1.0750481123977806e-05, -0.00037606534897349775, -0.0002585678012110293, 0.0001564912381581962, 0.00030191263067536056, 1.7600150385987945e-05, 8.1288417277392e-06, -0.00028491413104347885, -0.0011070903856307268, -0.0009706765413284302, 3.9263137296075e-05, 0.00028183628455735743, 9.129739919444546e-05, 0.00034591532312333584, 1.6800999219412915e-05, -0.0008183276513591409, -0.0006944983615539968, -9.438605047762394e-05, -0.0005488076130859554, -0.0007747611962258816, -0.0005000552046112716, -0.0003733830526471138, -0.0003059617301914841, 0.00046638239291496575, 0.0011861142702400684, 0.0007250308990478516, -0.0003286777646280825, -0.0010298354318365455, -0.0010461639612913132, -0.0009137425222434103, -0.00016856903675943613, 0.000677920994348824, 0.0008478648960590363, 0.00037216313648968935, 0.00017648334323894233, -5.7242530601797625e-05, -0.0007677488029003143, -0.0011085838777944446, -0.0006412069778889418, -0.0007331905071623623, -0.0010326997144147754, -0.0010729152709245682, -0.0008042591507546604, -0.0009645599056966603, -0.0010118115460500121, -0.00041294912807643414, 9.151340054813772e-05, -0.0006810450577177107, -0.0009673579479567707, -0.0003815014788415283, -0.00034367540501989424, -0.0008120299316942692, -0.00038336822763085365, -0.00016243563732132316, -0.0009822288993746042, -0.001334913307800889, -0.000635142030660063, -0.000200225185835734, -0.0008888290612958372, -0.0005944002768956125, 0.0005531252245418727, 0.0003539376484695822, 4.3083658965770155e-05, 0.0004198111710138619, -0.0001186160443467088, -0.001199197955429554, -0.0013575927587226033, -0.0005765368114225566, -0.00014838858623988926, -0.0004199512768536806, -0.000421247590566054, -0.00014219658623915166, -0.00032724381890147924, -7.139208901207894e-05, 3.601865319069475e-05, -0.0002626356144901365, -0.0003433825622778386, -0.0006955952267162502, -0.0005346052348613739, -0.0005303851212374866, -0.00018075983098242432, 0.0001284863246837631, -0.00033751712180674076, -0.00041034267633222044, -0.00024189265968743712, -0.0006656160694546998, -0.0010449941037222743, -0.0006025201291777194, -0.00040897788130678236, -0.0009375117369927466, -0.0006020867149345577, 1.302993950957898e-05, -2.7719152058125474e-05, -0.00037419717409648, -0.0003363712166901678, -0.0002533223887439817, -0.0007060684729367495, -0.0005175957339815795, 0.00012611562851816416, 0.00011031446047127247, -0.00024136922729667276, 0.0003337344096507877, 0.0008599223219789565, 0.00020644307369366288, -0.0008127824985422194, -0.0010280401911586523, -0.000740013609174639, -0.0009690479491837323, -0.0004014427540823817, 0.0002132027002517134, 0.00011747057578759268, -0.00012390788469929248, -0.0001621214032638818, -0.00029861408984288573, -0.0006352554191835225, -0.0006417463882826269, -0.0006059276056475937, -0.0007613200577907264, -0.0007630498148500919, -0.0006813413347117603, -0.00033677785540930927, 2.630651943036355e-05, -5.6078341003740206e-05, -0.0004110730951651931, -0.00079589948290959, -0.0010617169318720698, -0.001056967070326209, -0.0005213244003243744, -0.0005965585587546229, -0.0005834795883856714, -0.0002074031945085153, -0.00011377760529285297, -0.0001496404001954943, -9.960497118299827e-05, 7.638534589204937e-05, 2.2710128178005107e-05, -0.0001454215234844014, -0.0005184674519114196, -0.0006305866991169751, -0.0007651075720787048, -0.0009439114946871996, -0.000854522455483675, -0.00024451056378893554, 3.9808652218198404e-05, 0.00021268705313559622, 0.00045277128810994327, -9.114274143939838e-05, -0.0002354933531023562, -0.00012700505612883717, -0.0004513355379458517, -0.0006499984301626682, -0.0005253845010884106, -0.00018999229359906167, -0.0002517828543204814, -7.012289279373363e-05, 0.00047195228398777544, 0.0008373882155865431, 0.0007701209979131818, 0.0006145882070995867, 0.0005351647851057351, 0.00018194371659774333, -0.0004941808874718845, -0.0009666404803283513, -0.0008943252614699304, -0.00036036528763361275, 0.00014869406004436314, 0.00024666983517818153, 0.0005644636112265289, 0.00049401237629354, -0.00018908378842752427, -0.00036310983705334365, -0.0005742011708207428, -0.0007420899346470833, -0.000462121213786304, -8.359741332242265e-05, -0.00025139053468592465, -0.0001179024184239097, 0.00045616828720085323, 0.00047811600961722434, 0.0004376704746391624, 0.0005495137302204967, 0.0003973980201408267, -0.0005405671545304358, -0.0008605713373981416, -5.608083665720187e-05, 0.00021358714730013162, 0.0002355798496864736, 0.0006434794631786644, 0.0007188881281763315, 0.00030440863338299096, -0.0001323699689237401, 0.0001603542041266337, 0.00011915978393517435, -0.0003557496820576489, -7.23185803508386e-05, -0.0003250882145948708, -0.0005844275583513081, 0.00028664074488915503, 0.0011305611114948988, 0.0010160579113289714, 0.0007227672613225877, 0.0006755109061487019, 0.00037284547579474747, -6.087255314923823e-05, -0.0001419662730768323, 0.0001747040805639699, 0.00021417326934169978, -8.832864841679111e-05, 0.0002110350178554654, 0.00047179171815514565, 3.327617378090508e-05, 0.00039988214848563075, 0.0007895017042756081, 0.00020515595679171383, -0.00042050820775330067, -0.00044529500883072615, -0.00027915966347791255, -0.0005416677449829876, -6.586547533515841e-05, 0.0007433149148710072, 0.0005606173072010279, 0.00037956732558086514, 0.0004541963862720877, 0.0005258978926576674, 0.0001952187594724819, 0.0002724037040024996, 0.0005704847862944007, 0.0005218968144617975, 0.00020859437063336372, -2.746423433563905e-06, 0.0002295232261531055, -0.00018766091670840979, -0.0006812610663473606, -0.00025621228269301355, 0.00022341169824358076, 0.0005152609664946795, 0.0006932687247171998, 0.0009396802051924169, 0.0005191323580220342, 2.0120523913647048e-05, -2.807157943607308e-05, -0.00016510477871634066, -0.00045306049287319183, 7.61911433073692e-05, 0.0003706594870891422, 9.544868225930259e-05, 0.00018250395078212023, 0.0005033137858845294, 0.0008446628926321864, 0.000951017311308533, 0.0002892484189942479, -0.00020295451395213604, 0.00021964612824376673, 0.00012269880971871316, 0.00014023639960214496, 0.0003101635375060141, 0.0003502870677039027, 0.00027375458739697933, 0.0006565996445715427, 0.0006134746945463121, 0.00025001802714541554, -9.150119876721874e-05, 0.00010348344221711159, 0.0002604121109470725, 0.0004098162753507495, 0.0006746004801243544, 0.0005307432147674263, 0.00028605342959053814, 7.846641528885812e-05, 0.00011052005720557645, 0.0003451242810115218, 0.0006829057238064706, 0.00031187947024591267, 0.0001586987782502547, 0.0002267500531161204, 3.7094334402354434e-05, 1.8883780285250396e-05, 0.00023594479716848582, 0.0004731241788249463, 0.00021941395243629813, 0.0004105662810616195, 0.0004137443902436644, 0.0005509078036993742, 0.0008801605436019599, 0.0011749378172680736, 0.0013057609321549535, 0.0010605959687381983, 0.0004435775335878134, 5.1367926062084734e-05, -5.427703945315443e-05, 0.00032610673224553466, 0.00038177488022483885, 0.0005386885604821146, 0.0002475483634043485, 0.00035980355460196733, 0.00031618605135008693, 4.644528598873876e-05, 0.0001756240671966225, 0.0008469862514175475, 0.0010012146085500717, 0.000469252816401422, 0.00037780817365273833, 0.00022322614677250385, -0.00016002611664589494, -0.00019912549760192633, 0.00027128224610351026, -2.296171078342013e-05, -0.0002788583224173635, 0.00048337734187953174, 0.0007453046273440123, 0.00025922563509084284, 0.00010888181714108214, 0.0004451250715646893, 0.00010164728155359626, -0.0003835155803244561, -0.00018818449461832643, 0.0003596268070396036, -9.284862608183175e-05, -0.00016598074580542743, 0.00019509135745465755, 0.0002854045305866748, -6.277846841840073e-05, -0.0004761375894304365, -0.00035523908445611596, -0.0004200864350423217, -0.0006462931050918996, -0.00026000713114626706, -2.2373646061168984e-05, 9.9711432994809e-05, 7.932606240501627e-05, 9.867455810308456e-05, 0.00028072393615730107, -3.0139608497847803e-05, -0.00010427589586470276, -0.00026782898930832744, -0.000326357054291293, -3.3818307656474644e-06, 3.6523382732411847e-05, 0.00021681259386241436, 0.00029671029187738895, 0.00017144584853667766, -0.00017945699801202863, -0.000599806138779968, -0.00031841950840316713, 0.0001140041567850858, 0.00024287747510243207, 0.0002493780048098415, 0.00032703651231713593, 0.0003373382496647537, 0.0005979974521324039, 0.000876975420396775, 0.0007515261531807482, 0.0006530890241265297, 0.0005851390887983143, 0.0003675195621326566, -7.778144936310127e-05, 4.461213029571809e-05, 0.0005108434124849737, 0.00034757342655211687, 0.0001975742488866672, -1.202180101245176e-05, -0.0006258031935431063, -0.000861029839143157, -0.0006729444721713662, -0.0005246309447102249, -0.0001550627057440579, -0.00020385057723615319, -0.0001214544172398746, -0.00034061502083204687, -0.00020505751308519393, -0.0001592320331837982, -0.00024903073790483177, -0.00031903607305139303, -0.0001774265110725537, 0.00018228024418931454, -0.00029410075512714684, -0.00038649002090096474, -0.0003977106243837625, 2.1776146240881644e-05, 0.00043349203770048916, 0.0006156955496408045, 0.0006596959428861737, 0.0008139911224134266, 0.0007266545435413718, 0.00016140284424182028, 0.00011501085828058422, -0.0001187747620861046, -0.00013925340317655355, -0.0003320656542200595, -0.00026139497640542686, 0.00032527404255233705, 0.0003502140170894563, 0.00025485039805062115, 0.0005992838996462524, 0.000665508268866688, 0.00047877125325612724, 0.00026833833544515073, 2.220510214101523e-05, -7.588217704324052e-05, 5.966743265162222e-05, 0.0002120251883752644, 0.000537659740075469, 0.0005864964914508164, 0.0005811555893160403, 0.0005335693131200969, 0.0003575313021428883, 0.0006264207768253982, 0.0007540035876445472, 0.000922021281439811, 0.0012244683457538486, 0.0011426376877352595, 0.0010047288378700614, 0.00097989896312356, 0.0008633669931441545, 0.0006435856339521706, 0.0007542058010585606, 0.001104045775718987, 0.0008114650845527649, 0.00013086581020615995, -3.7641715607605875e-05, 0.0004012262215837836, 0.00041206119931302965, 0.0005091277998872101, 0.00047025931417010725, 0.00024453471996821463, 4.332064781920053e-05, 0.00010535584442550316, 0.0002686397929210216, 0.00029199031996540725, 0.00021956124692223966, 0.0002298530744155869, -0.00012811411579605192, -9.120588947553188e-05, 5.367184348870069e-05, -8.992585208034143e-05, 4.353621625341475e-05, -0.00011528821778483689, -5.611896267510019e-05, 0.00025690477923490107, 0.0004104785912204534, 0.00032890468719415367, 8.51735458127223e-05, -0.00023960699036251754, -0.0003853534290101379, -0.000476561370305717, -0.00039937926339916885, -0.0006307965377345681, -0.0003346972225699574, 0.00035951397148892283, 0.00032462392118759453, 0.00034996881731785834, 0.0002978782868012786, 0.0002830229641404003, -0.00018894007371272892, -0.0006179604679346085, -0.0003720103995874524, -0.00014350264973472804, 6.421718717319891e-05, 0.00022004323545843363, 0.0003798331308644265, 0.0005972217186354101, 0.00045202928595244884, 0.0007822220795787871, 0.0005696898442693055, 0.00020274885173421353, 0.00013512535952031612, 0.00012626961688511074, 8.730093395570293e-05, 6.53809547657147e-05, 0.0008047248120419681, 0.0006723112310282886, 0.0002643905463628471, 0.0004598999221343547, 0.0006888513453304768, 0.0004223888972774148, 6.818476686021313e-05, 0.00020344990480225533, -6.452028901549056e-05, -0.0004021493950858712, -0.00015519146108999848, 0.0005066970479674637, 0.0009131529950536788, 0.0008551173959858716, 0.0010097831254824996, 0.00109897053334862, 0.0001685698953224346, 0.0006240967195481062, 0.0011913521448150277, 0.0007661786512471735, 7.594130875077099e-05, 3.7071979477332206e-06, 0.0003146933449897915, 7.841628394089639e-05, 0.00013231566117610782, 0.0004467740363907069, 0.0005413296748884022, 0.00010291955550201237, -1.7169988495879807e-05, 0.00044185930164530873, 0.0004951213486492634, 0.0006967766676098108, 0.000978040392510593, 0.0009631998836994171, 0.0005248806555755436, -1.7571746866451576e-05, 7.154425111366436e-05, 9.883894563245121e-06, -1.0979390935972333e-05, 0.0001881687348941341, 0.0004017456667497754, 0.0005926211015321314, 0.00037167652044445276, 0.000348400033544749, 0.0007753096870146692, 0.0010189992608502507, 0.0007057211478240788, 0.00045408427831716835, 0.00010874389408854768, 6.633376324316487e-05, 3.6432880733627826e-05, 0.00017485854914411902, 0.0006034258403815329, 0.0010932876029983163, 0.0009342671255581081, 0.0006318443338386714, 0.0005261175683699548, 3.970041507272981e-05, -0.00017106365703511983, -7.926389662316069e-05, 1.2105989299016073e-05, -0.0001051694416673854, -1.3703945114684757e-05, 0.00022823171457275748, 0.00016434199642390013, 5.841400707140565e-05, 0.00046244545956142247, 0.00027491242508403957, -0.00032083503901958466, -0.00030615911236964166, -0.0004189030732959509, -0.0005362792871892452, -0.0006637890473939478, -0.000241274552536197, 0.00010683010623324662, -0.00011137525143567473, -0.0003066983772441745, -0.000381104793632403, -0.0006704968400299549, -0.0006094932905398309, -0.0004572209727484733, -0.00045940474956296384, -0.0005689777317456901, -0.0002600901061668992, -0.0002581923617981374, -0.000411581015214324, -0.00021629450202453882, -0.00012702756794169545, 5.601815428235568e-05, -0.00020226588821969926, -0.0005679013556800783, -0.0007646990125067532, -0.0010642905253916979, -0.0010528563288971782, -0.0008584774914197624, -0.0007929818821139634, -0.0007835711003281176, -0.0008205087506212294, -0.0008109580958262086, -0.0009189389529637992, -0.0007195977377705276, -8.330986020155251e-05, 0.0001273647358175367, -0.00018725410336628556, -0.0006049587391316891, -0.0008136753458529711, -0.0009615811868570745, -0.0009416723623871803, -0.0004310316580813378, -0.00032870640279725194, -0.000258016400039196, -0.00045479321852326393, -0.0005014320486225188, -0.0006853772210888565, -0.0011680562747642398, -0.0014067644951865077, -0.0016138482606038451, -0.0014653147663921118, -0.0008161597652360797, -0.0002929245529230684, -0.0001827702799346298, -0.0006825483287684619, -0.000886313384398818, -0.0011383026139810681, -0.0015544688794761896, -0.0014289510436356068, -0.0014716534642502666, -0.001426843460649252, -0.0013296930119395256, -0.00090052280575037, -0.00035813587601296604, -0.00028809913783334196, -0.0005654717679135501, -0.0005229519447311759, -0.0009709521546028554, -0.0015288129216060042, -0.0016847202787175775, -0.0015700027579441667, -0.0014396629994735122, -0.0009959921007975936, -0.0006153123686090112, -0.0007027699030004442, -0.0007051618886180222, -0.0008213591645471752, -0.0011580007849261165, -0.0015600234037265182, -0.0015916470438241959, -0.0013294750824570656, -0.0013183627743273973, -0.0014138605911284685, -0.0012294662883505225, -0.001352875493466854, -0.0016942322254180908, -0.0017906393622979522, -0.001908415462821722, -0.0020158549305051565, -0.0016911240527406335, -0.0011331472778692842, -0.0008879690431058407, -0.0009429473429918289, -0.0006474671536125243, -0.000589599774684757, -0.0006982326158322394, -0.000734934990759939, -0.0006147135864011943, -0.0008267916855402291, -0.0009954682318493724, -0.00037044662167318165, -0.00019037873425986618, -0.000413826695876196, -0.0002914291981142014, -5.5388656619470567e-05, -0.00015432962391059846, -0.0009512910037301481, -0.0010673986980691552, -0.0008302615024149418, -0.000866165675688535, -0.0009143554489128292, -0.00046801974531263113, -8.69893265189603e-05, -0.0002128963969880715, -0.0006414665258489549, -0.0008862128015607595, -0.0010646739974617958, -0.0010835917200893164, -0.0004905905807390809, -0.00036568258656188846, -0.00038742629112675786, -0.00040287119918502867, -0.00015051502850838006, 6.536041837534867e-06, -0.0003931093087885529, -0.0004041974025312811, -0.00044160184916108847, -0.0008635554113425314, -0.000838197476696223, -0.00017894709890242666, -0.00022071735293138772, -0.0003106741642113775, 0.00036519672721624374, 0.0005604166653938591, 0.00015023474406916648, 9.395589586347342e-05, -4.8347374104196206e-06, -0.0008890139870345592, -0.0014529161853715777, -0.0013786115450784564, -0.0007445137016475201, -0.00019473975407890975, -0.0002750229905359447, 0.0004351958632469177, 0.0008922286797314882, 0.00038924135151319206, 5.596836217591772e-06, -0.0004824147326871753, -0.0008407629211433232, -0.0009766180301085114, -0.00034224861883558333, 0.0001392795966239646, -8.988150511868298e-05, -0.0003461465530563146, -0.00011454892228357494, -0.000113108275400009, -0.00012144618085585535, -0.0001655963424127549, -9.2889176812605e-06, -0.0001662977010710165, -0.000582075968850404, -0.00048640838940627873, -5.363021409721114e-05, 0.0005687975790351629, 0.0008240058668889105, 0.0004453414585441351, -6.576960004167631e-05, -0.00018446605827193707, 0.00013407347432803363, 0.00039903365541249514, 0.0007034814334474504, 0.0007581983227282763, 0.0006328311283141375, 0.0004855871375184506, 5.645012788590975e-05, 0.00010151426249649376, 0.0004137209616601467, 0.00031740678241476417, 0.0002401569945504889, 7.359711162280291e-05, 6.153967206046218e-06, -4.9717698857421055e-05, 0.0002442029945086688, 0.0002801834198180586, 0.00011001082748407498, -0.00010175614443141967, 5.758595943916589e-05, 3.657982233562507e-05, -6.695307092741132e-05, 0.0006806704914197326, 0.0008465216378681362, 0.00024634742294438183, -0.0001735273253871128, -6.842397851869464e-05, -0.00017244326591026038, 5.9940284700132906e-05, 0.0005157943232916296, 9.729797602631152e-05, -0.0003933740663342178, -0.0006093625561334193, -0.00020790430426131934, -4.086014087079093e-05, 0.0002481170813553035, 0.0001727295311866328, 0.0002948415058199316, 0.00019260116096120328, -0.00023927458096295595, 1.306538706558058e-05, 9.308146218245383e-06, 0.00041164347203448415, 0.0005394280306063592, 0.0003896541893482208, 0.0005293094436638057, 0.0002725424128584564, 0.0002167202765122056, 3.9695631130598485e-05, -9.011047222884372e-05, -9.442710143048316e-05, 0.0001300637231906876, 0.00018971686949953437, 0.0002919988182839006, 0.0007269896450452507, 0.0007616707007400692, 0.0002693766728043556, -0.00021898535487707704, -0.0003774902143049985, -0.0006750900065526366, -0.00030541466549038887, 0.0004519719223026186, 0.0007597037474624813, 0.0008310892153531313, 0.0005967534380033612, 0.0008186199702322483, 0.0007446129457093775, 0.0005849481094628572, 0.0006827442557550967, 0.00032570352777838707, 0.00014540570555254817, -1.4960201951907948e-05, -0.00024799644597806036, -0.00011042398546123877, 0.000555147766135633, 0.001091504585929215, 0.0008133893134072423, 0.00046125752851366997, 0.00014195946278050542, -0.00015293869364541024, -0.0004936872282996774, -0.0003489004448056221, 0.00010120760998688638, 0.0007971432060003281, 0.0006530745886266232, 0.0006505788769572973, 0.00033050551428459585, 0.00012750197493005544, 0.0002611483505461365, 0.0004344780172687024, 0.0005662802723236382, 0.0004353659460321069, 0.00024743410176597536, 0.0002138014096999541, 0.00014150749484542757, 0.00019012088887393475, 0.0005513148498721421, 0.0007207783637568355, 0.0005067174206487834, 0.00020119539112783968, 0.0003289084997959435, 0.0006963849300518632, 0.0008540887502022088, 0.0007920283824205399, 0.0004117023781873286, -0.00020319978648331016, -0.0003291609464213252, -8.521804556949064e-05, 5.0304734031669796e-06, 0.00030495147802866995, 0.00031712325289845467, 0.00016359704022761434, 0.00015578532475046813, 0.00012682389933615923, 0.00039492835639975965, 0.0004842395428568125, 0.00026501325191929936, -8.739252371015027e-05, -7.652086060261354e-05, 7.408927922369912e-05, 0.0005989184137433767, 0.0010012577986344695, 0.0011988431215286255, 0.0007238048710860312, 0.00021217367611825466, -8.05144154583104e-05, -0.00011761093628592789, -2.823272552632261e-05, 0.00025401372113265097, 0.0002621449821162969, 0.00032876618206501007, 0.0004450404376257211, 0.00042958720587193966, 0.00019729396444745362, 9.361101547256112e-06, 0.0001692958758212626, 0.00021329594892449677, 0.0001294417743338272, -7.584616105305031e-05, -0.00021954409021418542, -0.0004743830068036914, -0.0006127783562988043, -0.00040320216794498265, 0.00010694415686884895, 7.606667350046337e-05, -0.00037872919347137213, -0.0005965147283859551, -0.0006158774485811591, -0.0006502756732515991, -0.000719456176739186, -0.00025514920707792044, -0.0004062473017256707, -0.0008795685134828091, -0.0011862489627674222, -0.0010791458189487457, -0.0011971201747655869, -0.0009736243519000709, -0.00045252806739881635, -0.00016782194143161178, 0.0001241841382579878, 0.00015276289195753634, 0.00015047795022837818, 4.380420796223916e-05, -0.00038310379022732377, -0.0007005411898717284, -0.00036677211755886674, -0.0006002744194120169, -0.000756631838157773, -0.0002970263594761491, 0.000323574582580477, 0.00045882142148911953, 0.00021685259707737714, 0.00037854007678106427, 5.948893885943107e-05, -0.0004812153347302228, -0.0011301060440018773, -0.0008832900784909725, -0.0004236173117533326, -0.0005405844422057271, -0.00020943210984114558, -2.3009051801636815e-06, 0.00012152075214544311, 8.644469926366583e-05, 7.51897823647596e-05, -3.549816392478533e-05, -0.0004511386214289814, -0.0010340649168938398, -0.0014470374444499612, -0.0011582570150494576, -0.0008247167570516467, -0.00024393836793024093, -9.501483145868406e-05, -0.00014935026410967112, -0.00010210508480668068, -0.0006232684245333076, -0.0005119611159898341, -0.0006050599622540176, -0.0009816313395276666, -0.0009885273175314069, -0.0006338831735774875, -0.0004151526663918048, -8.414552576141432e-05, 0.0004933452582918108, 0.00040534487925469875, -0.00032037688652053475, -0.0011481220135465264, -0.0011062516132369637, -0.0012577978195622563, -0.0012982822954654694, -0.0009502537432126701, -0.00044573479681275785, -0.00025504169752821326, -0.00038274499820545316, 1.1956381968047936e-05, -0.0001507584092905745, -0.0005180200096219778, -0.00048813410103321075, -0.0005016919458284974, -0.0007966933771967888, -0.0010540526127442718, -0.0008306085946969688, -0.000687065941747278, -0.0005055004730820656, 0.00011482153058750555, 0.00013244237925391644, -0.00041608826722949743, -0.0009761722176335752, -0.0006433913949877024, -0.0006137427408248186, -0.0009986619697883725, -0.0008338454063050449, -0.00044942961540073156, -0.0002942302089650184, -0.0002945383021142334, 0.00014005572302266955, 0.00035574217326939106, 0.00030210125260055065, -5.123193113831803e-05, 0.00011788198753492907, 0.000437477370724082, -0.0001111896344809793, -0.00022712281497661024, -0.00018158539023716003, -0.00025883273337967694, -0.00016497887554578483, 0.0002767049300018698, 0.00017968507017940283, 1.1882853868883103e-05, -0.0004138493677601218, -3.502551408018917e-05, 0.00035629604826681316, 0.0006946264184080064, 0.0007202433771453798, 0.000334174808813259, 0.00022146955598145723, 4.7385357902385294e-05, 0.00019526493269950151, 0.00036038513644598424, 0.000407420884585008, 0.00020953785860911012, 0.0002470363106112927, 0.000457867601653561, 0.0005122455768287182, 0.0005108496407046914, 0.00029480704688467085, -0.00012597446038853377, -9.10731396288611e-05, 0.0003686899144668132, 0.0007312100497074425, 0.0008322058711200953, 0.001144818146713078, 0.001294565387070179, 0.0009651557193137705, 0.0010087914997711778, 0.0006119073950685561, 0.00010890782141359523, -0.0002536512038204819, -0.00011847188579849899, 0.00021398202807176858, 0.00044141142279841006, 0.0006990342517383397, 0.0007984382100403309, 0.000877119367942214, 0.0006651629228144884, 0.0005719558103010058, -5.0778136937879026e-05, -0.0003397671098355204, -4.08801824960392e-05, -4.50845473096706e-05, -0.00021092250244691968, 9.659746865509078e-05, 0.0006336472579278052, 0.0007514115422964096, 0.0011224246118217707, 0.0014331156853586435, 0.001245340215973556, 0.0006949643138796091, 0.0003308001032564789, 0.0004144283302593976, 0.0007971217855811119, 0.0011424102121964097, 0.0012102486798539758, 0.0009747633594088256, 0.0011276983423158526, 0.0013343662722036242, 0.001403005444444716, 0.0013223441783338785, 0.0010016633896157146, 0.0006609526462852955, -3.760963591048494e-05, -0.00023595074890181422, 0.0005618850118480623, 0.001032979809679091, 0.001574152149260044, 0.001721971551887691, 0.0015083352336660028, 0.0011362049262970686, 0.0008874062332324684, 0.00028311082860454917, -0.00016603816766291857, 0.0002627069188747555, 0.0008883905247785151, 0.0009554543066769838, 0.0010010056430473924, 0.001390195800922811, 0.001455739140510559, 0.0012924945913255215, 0.0013726999750360847, 0.0010103423846885562, 0.0006126760854385793, 0.0004296425322536379, 0.0006177403265610337, 0.0009734087507240474, 0.0014509467873722315, 0.0017382986843585968, 0.001958058215677738, 0.0014950087061151862, 0.0009309647721238434, 0.0008699194295331836, 0.0011803293600678444, 0.0011029361048713326, 0.000901297724340111, 0.0008783849771134555, 0.0008273529238067567, 0.0005520308041013777, 0.00087094766786322, 0.0008378886850550771, 0.0007398977759294212, 0.0005977667751722038, 0.0011779769556596875, 0.0013280833372846246, 0.0006363068241626024, 0.000335974182235077, 0.00025902074412442744, 0.0004911252181045711, 0.0005118892295286059, 0.0008838378707878292, 0.0011219404404982924, 0.0007993121398612857, 0.00015724611876066774, 0.00019035249715670943, 0.000812358339317143, 0.001199855119921267, 0.0010871309787034988, 0.0012187921674922109, 0.0006116810254752636, -0.00017829092394094914, 0.00013148883590474725, 0.0007224963046610355, 0.0012670556316152215, 0.001365478034131229, 0.001299401163123548, 0.0010473107686266303, 0.00043139365152455866, 0.0003782333806157112, 0.0008510848856531084, 0.0011301386402919888, 0.0011943158460780978, 0.0008679053862579167, 0.00047252653166651726, -0.0002343025989830494, -0.0003080625901930034, 0.0004787066427525133, 0.0009712508763186634, 0.00046694171032868326, -7.342536264332011e-05, -0.0007132933242246509, -0.0010613953927531838, -0.0006719439406879246, 8.335371967405081e-05, 0.0008304107468575239, 0.0006632476579397917, 0.0006113272393122315, 0.0004194324719719589, 0.00016859221796039492, 0.00026635799440555274, 0.00046988751273602247, 0.00047037843614816666, 0.00044913103920407593, 0.00018361664842814207, 0.00011088687460869551, 0.00016767466149758548, 0.00017263955669477582, 6.211555592017248e-05, 0.0002709964755922556, -3.453109457041137e-05, -0.000809395918622613, -0.0010526899714022875, -0.0009208729024976492, -0.0004832959675695747, -0.00015387857274618, 0.000339759630151093, -2.994921669596806e-05, -0.0003468611103016883, -0.0003972748527303338, -0.00043048980296589434, -0.0008126015891321003, -0.0012228843988850713, -0.0013957151677459478, -0.0012957515427842736, -0.001158991944976151, -0.0006481383461505175, -0.00029803707730025053, -0.00020677443535532802, -0.00026455987244844437, -0.00026343061472289264, -0.0004737439739983529, -0.0008359474595636129, -0.0003607898543123156, -0.00027870756457559764, -0.00033303117379546165, -0.00027325275004841387, -3.326177102280781e-05, -0.00010724762250902131, -0.0001468097761971876, -0.00011084841389674693, 0.0003746073925867677, 0.00046660052612423897, -8.443804108537734e-05, -0.0005605332553386688, -0.0009718610090203583, -0.001160845742560923, -0.0012049960205331445, -0.0006556742009706795, -0.0005729782860726118, -0.0005502207204699516, -0.00042260991176590323, -0.00018833318608812988, -0.00033564347540959716, -0.0004321823362261057, -0.0005897533264942467, -0.0007459811167791486, -0.0011456758948042989, -0.001585781341418624, -0.001318219001404941, -0.0004855183360632509, -0.000647134380415082, -0.00028991064755246043, 0.00030859335674904287, 0.0004931586445309222, -0.00010366945207351819, -0.0004144835111219436, -0.0002963743463624269, -0.0011553080985322595, -0.0008786987164057791, -0.00026391472783870995, -0.00010438026947667822, -0.0002971762733068317, -0.00042031874181702733, -0.0001295277033932507, -0.00010543459939071909, -6.091067916713655e-05, 9.619759657653049e-05, -1.8312426618649624e-05, -0.0010411086259409785, -0.0014623699244111776, -0.001174111501313746, -0.0005572977242991328, 0.0004855779407080263, 0.0009928407380357385, 0.0008109465707093477, -2.3194281311589293e-05, -0.00038070057053118944, -0.00037871854146942496, -0.00015503230679314584, 0.0005856335046701133, 0.00048504784354008734, -0.00039927734178490937, -0.0007711977232247591, -0.0005641878815367818, -3.40959413733799e-05, 0.0004330157826188952, 0.0004329312068875879, 0.00020240579033270478, -9.656327893026173e-05, -0.0006802957504987717, -0.0008038686937652528, -0.0004784185439348221, -6.815200777054997e-06, 0.00013974956527817994, 9.427691111341119e-05, -0.0003645427350420505, -0.0012105165515094995, -0.0007829205715097487, -5.87390641157981e-05, -0.00016339094145223498, -0.00023600632266607136, 5.213059557718225e-05, -0.00021946137712802738, -0.0011733004357665777, -0.0013522655935958028, -0.0005652682739309967, -0.000488444056827575, -0.0003956925356760621, 0.00031215898343361914, 0.0006830483907833695, 0.00017979450058192015, -0.00013337824202608317, 9.412883810000494e-05, 0.00012355190119706094, -0.0004469924315344542, -0.0007548418361693621, -0.0008734846487641335, -0.001408848213031888, -0.0008495180518366396, 0.00046298743109218776, 0.0010135689517483115, 0.0007607220322825015, 0.0005233088159002364, 0.000307151727611199, -0.00031134183518588543, -0.000764810130931437, -0.000808045151643455, -0.0003042827593162656, -0.0006448470521718264, -0.00037108943797647953, 0.00027933859382756054, 0.00040952308336272836, 0.0004143332480452955, -0.0002184861950809136, 0.00017929055320564657, 0.00015762311522848904, -0.0008802021038718522, -0.0013264036970213056, -0.0006128262612037361, -0.00027136641438119113, -0.00010820912575582042, 0.0002123023004969582, 0.0002828357683029026, 1.6413048797403462e-05, -0.00022972613805904984, 2.1716716219088994e-05, -0.0005190882366150618, -0.0007991365273483098, -0.0005420302622951567, -0.00046692148316651583, -0.000679782300721854, -0.0007089724531397223, -0.0004206614685244858, -0.0007960908696986735, -0.0009906610939651728, -0.0004282053268980235, -0.0004888455150648952, -0.000942914979532361, -0.0011630539083853364, -0.0009973737178370357, -0.000905694265384227, -0.0005560155841521919, -3.093008899668348e-06, -8.410166628891602e-05, -0.0011809018906205893, -0.0020134584046900272, -0.0018995446152985096, -0.0012782008852809668, -0.00028050175751559436, 0.00012466558837331831, 0.00027806442813016474, -0.0003240483347326517, -0.001014154520817101, -0.00040122197242453694, -1.6079755368991755e-05, 5.3333114919951186e-05, -0.00019438256276771426, -0.0002334722230443731, -0.0009606087114661932, -0.001327132573351264, -0.00035590140032581985, 0.0006502287578769028, 0.0008078700629994273, 0.0004652717325370759, 0.00016197250806726515, -0.0005792483570985496, -0.0010769735090434551, -0.00045327236875891685, 0.00031701670377515256, -0.000315240235067904, -0.0006366970483213663, -0.0003377340326551348, -0.0002144300378859043, -0.00020441485685296357, 0.0007040190976113081, 0.0014039513189345598, 0.0005561932339332998, -0.0007203792920336127, -0.001155092497356236, -0.000644636107608676, -0.0004119053774047643, 0.00029653453384526074, 0.0010854711290448904, 0.000988068408332765, 0.000310289062326774, 5.3565814596368e-05, -0.00023930765746627003, -0.0005522413994185627, -0.0004662721185013652, 8.005648851394653e-05, -0.0002593613462522626, -0.000634773401543498, -0.0007150716264732182, -0.0007397244335152209, -0.000734965899027884, -0.0001717776758596301, 0.00023982748098205775, 0.0001646127930143848, -0.0004701424913946539, -0.00039181511965580285, -0.00020500652317423373, -0.00039997423300519586, -0.0005224492633715272, -4.075803008163348e-05, -0.00012105498899472877, -0.0005009178421460092, -0.00017020983796101063, 5.235716525930911e-05, -0.00021415036462713033, -0.0006137171876616776, -0.00029946089489385486, 0.000424356636358425, 0.0004532537132035941, 0.0006370605551637709, 0.00048814169713295996, -0.0007474839221686125, -0.0014894562773406506, -0.0007486917893402278, 0.0003573864814825356, 0.000371696543879807, -1.399346820107894e-05, -0.00010058575571747497, -1.8787808585329913e-05, -0.00031599903013557196, -1.896882531582378e-05, 0.0005008504376746714, -5.072554927210149e-07, -0.0004765595367643982, -0.0006011939258314669, 6.457302788476227e-06, 0.00021535098494496197, 0.0002617398276925087, 0.00023589626653119922, -2.1019845007685944e-05, 0.00010465864761499688, -9.024716564454138e-05, -0.00025501969503238797, -0.0006152011337690055, -0.00032343331258744, -0.0002507150638848543, -0.0005266073276288807, 9.515853162156418e-05, 0.0001859399490058422, -6.733489135513082e-05, -0.000550655706319958, -0.0007030192064121366, -0.0004672664508689195, -0.00027630399563349783, -8.945776062319055e-05, -0.00022720650304108858, -0.0002633450203575194, 0.00011660926247714087, 0.0010449850233271718, 0.0009149054531008005, -0.00010410728282295167, -0.0009737741784192622, -0.001305001089349389, -0.0010138943325728178, -0.0006393517833203077, 0.0001617242960492149, 0.0002919356047641486, -0.00033263894147239625, -0.000805038376711309, -0.0007688315818086267, -0.00034523935755714774, -0.00028092568391002715, -0.0006187214166857302, -0.001081753522157669, -0.0013389004161581397, -0.0012358258245512843, -0.00031519707408733666, 0.0007381796604022384, 0.0006842776783742011, -0.0004707161569967866, -0.0013926447136327624, -0.0016749902861192822, -0.0013576049823313951, -0.0009689952712506056, -0.0001980478991754353, -0.0005067764432169497, -0.0007743613095954061, -0.0009710960439406335, -0.0009636628092266619, -0.000780107278842479, -0.0003566592058632523, 0.00032323665800504386, 4.857892417930998e-05, -0.0006621541106142104, -0.001323239179328084, -0.000957914802711457, -0.0009323317208327353, -0.0008160097640939057, 9.805912122828886e-05, 0.00040446905768476427, -0.0005019770469516516, -0.0011306811356917024, -0.0007123182294890285, -0.0007260332349687815, -0.00015364980208687484, 9.038046846399084e-05, -0.0004778101574629545, -0.0009007895714603364, -0.0010206373408436775, -0.0005172424134798348, -0.0002901559055317193, 0.0004015721206087619, 0.0007425913354381919, 0.0005850521265529096, 0.0001257947733392939, 0.00015233673912007362, 0.00044284455361776054, 0.0001280290016438812, -0.00038058884092606604, -0.0007184847490862012, -0.0002601717715151608, 6.342549022519961e-05, 0.00042298389598727226, 0.0003428962081670761, 0.00038704078178852797, 4.037402686662972e-05, -0.0005132784135639668, -0.000563207664526999, -0.0005986434989608824, -0.00029561304836533964, 9.286749991588295e-05, 0.0003634364402387291, 1.8647358956513926e-05, -0.00023363331274595112, -1.2552995940495748e-05, 0.00026433111634105444, 0.0009415551903657615, 0.0010921290377154946, 0.0002157853014068678, -0.0006190120475366712, -0.0005724664661101997, 0.0003457845305092633, 0.0004132444446440786, 0.0006811245111748576, 0.0008809177088551223, 0.0006505809142254293, 7.033805741230026e-05, -0.00023998302640393376, 6.235842738533393e-05, 0.00019618398800957948, 1.0880389709200244e-05, -7.116079359548166e-05, -0.00030222945497371256, 2.9001499569858424e-05, 0.0008915198850445449, 0.0007393739651888609, 0.0002741895441431552, 8.021909889066592e-05, 5.878556476091035e-05, 0.00011706674558809027, 0.00035877665504813194, 0.0004698658885899931, 7.440032641170546e-05, 2.6364336008555256e-05, 0.00011570408241823316, 0.000359190657036379, 0.0007271121139638126, 0.0006004306487739086, 0.0006796413799747825, 0.00018687837291508913, -0.00044183299178257585, -0.0001718356361379847, -5.600590884569101e-05, -0.0002583070599939674, -0.0005298458854667842, -0.00015543910558335483, -3.205129178240895e-05, -6.795427179895341e-05, 8.619260916020721e-05, -2.4954963009804487e-05, -0.00026263672043569386, -0.0002334614982828498, 0.00036038714461028576, 0.00021108158398419619, -0.00018172405543737113, -0.0002978885895572603, 0.00018439629639033228, 0.0005044624558649957, 0.00019887389498762786, -5.364618482417427e-05, 7.805840596120106e-07, 1.2132223673688713e-05, 0.00010660479892976582, 0.00041656786925159395, 0.0005074187647551298, 0.00036022160202264786, 0.0002625595952849835, 1.28592773762648e-05, -0.00040290880133397877, -5.6270029745064676e-05, 0.0004967627464793622, 0.00014000730880070478, -0.00031770410714671016, -8.641833846922964e-05, 0.00012037956184940413, 0.00026879788492806256, 0.0001549825246911496, 0.00023010441509541124, 0.00030914906528778374, 0.0007316038245335221, 0.00038145435974001884, 8.334850281244144e-05, -1.601738858880708e-06, -7.689320045756176e-05, 0.00020628594211302698, 0.0006501590833067894, 0.00043250006274320185, 0.00011474971688585356, 0.0004265057505108416, 0.0010181638645008206, 0.001299448893405497, 0.0013026267988607287, 0.001246894127689302, 0.0007289978093467653, 0.00023193836386781186, 5.5907494243001565e-05, 0.0009499842417426407, 0.001587645965628326, 0.0015461728908121586, 0.0006954236887395382, 0.00019279886328149587, 7.086790719768032e-05, 0.00045750197023153305, 0.0013369733933359385, 0.0011262519983574748, 0.000550535274669528, -0.0002478332899045199, -4.771097519551404e-05, 0.00024276167096104473, 0.0011666916543617845, 0.0016911448910832405, 0.0016597919166088104, 0.0013128790305927396, 0.0007719504646956921, 0.00036993654794059694, 0.0003934791311621666, 0.001065592048689723, 0.0015014954842627048, 0.0006518033915199339, 0.0004377762961667031, 0.0005240541067905724, 0.0009150262922048569, 0.0009040601435117424, 0.001283491961658001, 0.001335838926024735, 0.0011676581343635917, 0.0007940703071653843, 0.0002776264736894518, 0.0003091325634159148, 0.00045548411435447633, 0.0009879377903416753, 0.0013233218342065811, 0.001160121988505125, 0.0003232720773667097, 2.5105991880991496e-05, 0.0006724389386363328, 0.0006657704361714423, 0.0007833472336642444, 0.0005692139966413379, 0.0005777942715212703, 0.00010931569704553112, 0.00038993096677586436, 0.0010355665581300855, 0.0014920039102435112, 0.0011578187113627791, 0.0008533897344022989, 0.0005616338457912207, 6.80945158819668e-05, 5.4804662795504555e-05, 0.0003921527531929314, 0.0007294747629202902, 0.0005650537204928696, 0.0005430408054962754, 0.0007206397131085396, 0.0005342818330973387, 0.00028003138140775263, 0.00023825530661270022, -1.7939355529961176e-05, -6.471271717600757e-06, -0.00016876234440132976, -5.419000444817357e-05, 8.129745401674882e-05, 0.00017575439414940774, 0.0010052211582660675, 0.0009079920710064471, 0.0009037519921548665, 0.0005281702615320683, -0.00018338837253395468, -0.0008742815698496997, -0.0008411287562921643, 4.3414609535830095e-05, 0.0006080177263356745, 0.0008053572964854538, 0.0005574257229454815, 0.0006097121513448656, 0.0007796983700245619, 0.0008710224647074938, 0.0009816150413826108, 0.0008876749780029058, 0.0009091039537452161, 0.0005265152431093156, 0.00033007599995471537, 0.0006717887590639293, 0.000745703000575304, 0.0005837932112626731, 0.0005110829370096326, 0.0002460466930642724, 2.3063763364916667e-05, -0.00045944240991957486, -0.0005217129946686327, -0.0008291713311336935, -0.0010395593708381057, -0.0005799675709567964, -0.00020628623315133154, 5.249698006082326e-05, -4.074167009093799e-05, 2.8591974114533514e-05, -0.0004765471676364541, -0.00042572905658744276, 0.00011599774734349921, -4.081127372046467e-06, -0.00042095762910321355, -0.0008857887587510049, -0.0006284960545599461, -0.0002646636276040226, -0.00012568615784402937, 0.0002839343505911529, 0.0005744613008573651, 0.00039179707528091967, 0.0002580671280156821, 0.0005056441877968609, 0.0004973378381691873, 0.0005136705585755408, 0.0002110832865582779, -4.531753347691847e-06, -0.0003102328337263316, -0.00031114640296436846, -0.00031793356174603105, 7.069287676131353e-05, 6.302187830442563e-05, 0.00029827290563844144, 0.00031524404766969383, -7.757623097859323e-05, -0.0004080922808498144, -0.0006683222018182278, -0.0003528163942974061, -1.704302485450171e-05, 0.00027974770637229085, 0.00031482387566938996, -7.934814493637532e-05, -0.0003453752724453807, -0.0003684265539050102, -0.00018897338304668665, 0.00042353267781436443, 0.00019068755500484258, -0.0003124672803096473, -0.0005063016433268785, -0.00024415916414000094, -0.00010482741345185786, 0.00010132433817489073, 0.000656374148093164, 0.0007571333553642035, 0.0003453255631029606, -0.00017793930601328611, -0.00021259370259940624, 8.286879165098071e-05, 8.91529125510715e-05, 0.000174578235601075, 0.0004720614815596491, 0.00024236500030383468, -0.0005178404389880598, -0.0008940726984292269, -0.0005959609989076853, -0.00017725377983879298, -0.00020498206140473485, -3.625268436735496e-05, -0.00013163955009076744, -0.0006745690479874611, -0.0008328955736942589, -0.00048006512224674225, -0.00029908758006058633, -0.0002910425828304142, 8.226595673477277e-05, -3.3747262932593e-05, -0.0007189472671598196, -0.0007517960038967431, -0.0006668008863925934, 7.263551378855482e-05, 0.00014414852194022387, -7.711401849519461e-05, -0.00029995173099450767, -0.0006875958060845733, -0.0010796182323247194, -0.0007373009575530887, 2.2728851035935804e-05, 7.060364441713318e-05, -0.00037107340176589787, -0.0007597054354846478, -0.0009595720912329853, -0.0008024622220546007, -0.00010032115824287757, -8.270271791843697e-05, -0.00024358114751521498, -0.0004662975843530148, -0.0009629784035496414, -0.000845551781821996, -0.0006492346874438226, -0.00027798025985248387, -0.0006010175566188991, -0.0002810755977407098, -0.0003389225748833269, -0.0005820931983180344, -0.0004789408703800291, -0.0004349979280959815, -8.861321475706063e-06, 6.241623486857861e-05, -0.00029529022867791355, -0.0005568615160882473, -0.0005859975353814662, -0.0006692003807984293, -0.0003775425720959902, 9.885037434287369e-05, 0.0004791641840711236, 0.0003010540676768869, 5.394831168814562e-05, -0.00015695726324338466, -0.00021540258603636175, 9.558295278111473e-05, -0.000153007305925712, -0.0005828667781315744, -0.0012448099441826344, -0.0010697650723159313, -0.0006065938505344093, -0.0001267159968847409, 0.00021161885524634272, 0.0004788687510881573, 2.4754701371421106e-05, -0.0003895000263582915, -0.0006027960334904492, -0.0006811671191826463, -0.0004407698579598218, -0.0002437767543597147, -0.00038294243859127164, -0.0006629855488426983, -0.00038284980109892786, -9.833830699790269e-05, 0.0005589455249719322, 0.000732267799321562, 0.0005524431471712887, -0.0002930965565610677, -0.0006982571794651449, -0.00029685653862543404, -2.5718874894664623e-05, 0.0002617090940475464, 0.00033259487827308476, 0.0003030143561773002, 0.00021048434427939355, 0.00024905314785428345, 0.0003916663699783385, 0.00016263122961390764, 0.00023018456704448909, -0.0002172536769649014, -0.000662397884298116, -0.0007079889765009284, -3.214835669496097e-05, 0.0007671630010008812, 0.0009487444185651839, 0.0008896826184354722, 0.0004978946526534855, 0.0002479028480593115, -2.3079037418938242e-05, 3.186721005477011e-05, 0.0004735077091027051, 0.0007990261074155569, 0.0005726750823669136, 0.0003324535791762173, 0.00034534800215624273, 8.156958210747689e-05, 0.0004557008796837181, 0.000880206935107708, 0.0007336395210586488, 0.0003592460125219077, 8.029799209907651e-05, 0.00013953898451291025, -6.038231003913097e-05, 0.00034002229222096503, 0.001075228676199913, 0.0008654779521748424, 0.0006080406601540744, 0.0004332734097260982, 0.0005813626921735704, 0.0005391654558479786, 0.0005704410723410547, 0.0008106767199933529, 0.0009743101545609534, 0.0008153128437697887, 0.0004615933576133102, 0.0003085358184762299, -0.0002424666308797896, -0.0005979654961265624, -0.0002998037089128047, 0.00032555137295275927, 0.0006380361155606806, 0.0009076928254216909, 0.0007748632924631238, 0.00019382877508178353, -0.00022836144489701837, -0.0002775133471004665, 0.0003603310324251652, 0.00048549065832048655, 0.000625521526671946, 0.00027641645283438265, -0.00030293891904875636, -9.47750777413603e-06, 0.0005426039570011199, 0.0011290507391095161, 0.0012708369176834822, 0.0005131384241394699, -0.00014377756451722234, -4.338043800089508e-05, -6.888870120747015e-05, -9.171808051178232e-05, 0.00032072298927232623, 0.0005544546875171363, 0.00047971634194254875, 0.0005093818763270974, 0.0001468042901251465, 0.000302328378893435, 0.0003268430009484291, 0.0003990104596596211, 0.0003567481180652976, 0.0006462339661084116, 0.0006418296252377331, 0.00017621598090045154, 7.165669103414984e-06, 9.777858213055879e-05, 0.0003060094022657722, 0.00048566318582743406, 0.000650683359708637, 0.00011001541861332953, -0.00030496506951749325, -9.954064444173127e-05, -4.887417526333593e-05, 0.0001428110699634999, 0.0006646952242590487, 0.0009765190188772976, 0.0007808706141076982, 0.0006585307419300079, 0.0002598944411147386, 0.0005271043046377599, 0.0010004760697484016, 0.0011431960156187415, 0.0010044840164482594, 0.0003840099379885942, -0.0002583610767032951, -0.00017544173169881105, 4.725612961919978e-05, 0.0003922067699022591, 0.0005464957794174552, 0.000615677039604634, 1.3182395377953071e-05, -5.858633085153997e-05, -6.0518814279930666e-05, 7.111920422175899e-05, 0.0003994375583715737, 0.0009246219415217638, 0.0008704148349352181, 0.0002666127111297101, 0.00016513458103872836, 6.413753726519644e-05, 6.521427712868899e-05, 2.59898242802592e-05, 0.0002268875832669437, 7.96307431301102e-05, -7.789639494149014e-05, 0.00019131677981931716, 0.00038007463444955647, 0.00034059782046824694, 0.0003625390527304262, 0.0006848616758361459, 0.0004804631171282381, -8.471544424537569e-05, -0.0001534593029646203, 0.0001558342919452116, -6.626304821111262e-05, -0.00021152541739866138, 0.00018526588974054903, 0.00033565209014341235, 8.211241220124066e-05, -0.00038524417323060334, -0.0005046420847065747, -0.00042141720768995583, -0.0006804426666349173, -0.0003640425857156515, -0.00033608014928177, -0.0003489120281301439, -0.0003117537125945091, -4.822031405637972e-05, 0.00012136917212046683, -8.984426676761359e-05, 6.670471339020878e-05, -0.00023215658438857645, -0.000474741478683427, -0.0004188715829513967, -0.000319347862387076, -4.648329195333645e-05, 0.00013075296010356396, -7.432819256791845e-05, -0.0003169680421706289, -0.0004577383806463331, -0.00011244342749705538, 4.316557169659063e-05, 3.0564944609068334e-05, 0.00015487329801544547, 0.00026432136655785143, 3.1590570870321244e-05, 0.0003472444077488035, 0.0006617684266529977, 0.0005947072058916092, 0.0004200117546133697, 0.0002759038470685482, 0.00018634817388374358, -0.00023478525690734386, -0.0002564429014455527, 0.00012123236228944734, 9.094277629628778e-05, -0.00016896841407287866, -0.00039716679020784795, -0.0007468987605534494, -0.0009845405584201217, -0.0007713680388405919, -0.0006163875223137438, -0.0002842797839548439, -0.0006148163811303675, -0.0008847377612255514, -0.0011335975723341107, -0.0007012718706391752, -0.0004023670335300267, -0.0003259115619584918, -0.00043029282824136317, -0.0005034336354583502, -0.0002978969132527709, -0.0006784137804061174, -0.0006600131164304912, -0.0007620574906468391, -0.000372403854271397, -3.218137499061413e-05, 3.438547719269991e-05, -0.00013080232020001858, -9.703253454063088e-05, -0.00015256642655003816, -0.0006534459535032511, -0.0006274728802964091, -0.0006822576397098601, -0.0005230297683738172, -0.000592059746850282, -0.0006829731864854693, -0.0005174161051400006, -0.0006602397188544273, -0.0005681990296579897, -0.00024282687809318304, -0.00014317045861389488, -0.00044500429066829383, -0.0006854920065961778, -0.0008458303636871278, -0.000981614226475358, -0.0005981015274301171, -0.00048638659063726664, -0.00020837430201936513, -0.0003042620955966413, -0.000545825925655663, -0.0004779704613611102, -0.0005693240673281252, -0.00027167549706064165, -7.80437039793469e-05, 0.00013691172352991998, 7.572608592454344e-05, -0.0002100866404362023, -0.00023024655820336193, 0.00017256765568163246, 0.00019819653243757784, 7.488163828384131e-05, 7.815969729563221e-05, 0.0001077528577297926, -0.00025051223929040134, -0.000901340798009187, -0.000642716942820698, -0.00015179581532720476, -8.608987991465256e-05, -8.648454968351871e-05, -0.00036724473466165364, -0.0007202649139799178, -0.0007545976550318301, -0.0006135384901426733, -0.0004787243960890919, -0.0001845810911618173, -0.000278485007584095, -0.00042595359263941646, -0.0007803145563229918, -0.0006339994142763317, -0.0004167674051132053, -0.0003271913155913353, -0.00023400905774906278, -0.0006747660227119923, -0.0007766387425363064, -0.0008569117053411901, -0.0007023725192993879, -0.0005325318779796362, -0.00045571025111712515, -0.000624205160420388, -0.0009441050351597369, -0.0011842212406918406, -0.0011984915472567081, -0.0014054372441023588, -0.0009053054382093251, -0.00028537315665744245, -0.0003482932224869728, -0.00035649759229272604, -0.0004915278987027705, -0.0005313611472956836, -0.0008601518347859383, -0.000741715484764427, -0.00036388731678016484, -0.00029665991314686835, -0.0003360763075761497, -0.0003138880420010537, -0.00020171058713458478, 6.502116320916684e-06, 7.763441681163386e-05, 0.00043119865586049855, 0.0001018057664623484, -0.00021775085770059377, -0.00038872065488249063, -0.00040942509076558053, -0.00022199390514288098, -7.100376387825236e-05, 0.0005556073738262057, 0.00029593054205179214, -0.0002601484884507954, -0.0003322547418065369, -0.00021733406174462289, -0.0002783440868370235, -0.00031953470897860825, 2.7170734028914012e-05, 6.007945921737701e-05, -0.0002875654317904264, -0.00015352104674093425, 0.0003256414202041924, 0.0007199174142442644, 0.0007697789696976542, 0.0008494199137203395, 0.0008112418581731617, 0.0001315509289270267, 0.0005792241427116096, 0.0011631412198767066, 0.001022104057483375, 0.0006196020403876901, 0.0005784167442470789, 0.00043633091263473034, 0.0001965173432836309, 0.0002027520094998181, 0.0003960301692131907, 0.00042235100409016013, 4.67077006760519e-06, -0.0002553254598751664, 0.00010120616934727877, 0.0002044010179815814, 0.00044714228715747595, 0.0006414962699636817, 0.000533051963429898, 5.569934728555381e-05, -0.000432449160143733, -0.00019279494881629944, 5.207023787079379e-05, 0.00025197523063980043, 0.0004152220208197832, 0.0005202578031457961, 0.00034849465009756386, 0.00011243926564930007, 0.0003351632331032306, 0.0009034076356329024, 0.001112365280278027, 0.0009520458988845348, 0.0009937658905982971, 0.0007839633035473526, 0.0007876760791987181, 0.000837229541502893, 0.000875954981893301, 0.0010650138137862086, 0.0012900487054139376, 0.0010324189206585288, 0.0006882188026793301, 0.000603698194026947, 0.000400288263335824, 0.0004368322261143476, 0.0007071661530062556, 0.0007739125285297632, 0.0003947315562982112, 0.00020731394761241972, 6.860329449409619e-05, -2.01046477741329e-05, -8.939157851273194e-05, 0.0004424758953973651, 0.0005257384618744254, 0.00015089257794898003, 9.66965380939655e-05, -0.00017999886767938733, -0.00032987998565658927, -0.000291755044599995, 4.878442268818617e-05, 0.0003784398431889713, 0.00022447900846600533, -3.309130624984391e-05, -7.05420970916748e-05, -0.00024195665901061147, -7.654763066966552e-06, 0.0002442416443955153, 0.00041705556213855743, 0.0002612351381685585, 0.00018510584777686745, -0.000218388217035681, -0.00033126334892585874, -1.7062064216588624e-05, 0.00011924345017177984, 0.00015098773292265832, 0.00014152155199553818, -0.00010703250154620036, -0.0005976028041914105, -0.0007068245904520154, -0.0004322661261539906, -0.00024072290398180485, -0.0003592150460463017, -0.0002933815703727305, -0.00040676980279386044, -0.0006026772316545248, -0.0005366717814467847, -0.00018082249152939767, 0.00019616579811554402, 0.00044686743058264256, 0.0004266448668204248, 0.00019312111544422805, -1.9050397668252117e-06, -9.853720985120162e-05, -4.170313331997022e-05, 0.0003613735316321254, 0.0003659947542473674, 0.0002783619274850935, 8.839613292366266e-05, 7.312383240787312e-05, -4.134072514716536e-05, -0.0001686722389422357, -0.00014436991477850825, -0.0002405113773420453, -0.00031261914409697056, -0.00017302769992966205, -0.0001764522457960993, -0.0004015585873275995, -0.0007582876714877784, -0.0006075525307096541, -0.0005247484077699482, -0.0006323934067040682, -0.00045439216773957014, -0.0005931749474257231, -0.00084436044562608, -0.0008935725782066584, -0.0007921445067040622, -0.0007170218741521239, -0.0005796991172246635, -0.0005935591761954129, -0.00034538560430519283, -0.0005125324241816998, -0.0006963538471609354, -0.0007043402292765677, -0.0006745472201146185, -0.0005537160905078053, -0.0003213247691746801, -0.00030599290039390326, -0.00041269577923230827, -0.00026361786876805127, -0.00027500628493726254, -0.0002570108918007463, -0.0004193464992567897, -0.0004584331763908267, -0.00041333623812533915, -0.0005490637267939746, -0.0006579328910447657, -0.0005329300765879452, -0.0005812498857267201, -0.0008313711150549352, -0.0009599601035006344, -0.001169827301055193, -0.0011491429759189487, -0.0011309683322906494, -0.0008686122600920498, -0.0006140957120805979, -0.0007586790597997606, -0.000631082511972636, -0.0007710657082498074, -0.0007626655860804021, -0.0005111541249789298, -0.0001394553401041776, -0.00024633604334667325, -0.0005050196195952594, -0.00017524509166833013, -0.0002493043430149555, -0.0003198597114533186, 2.0968385797459632e-05, 0.00025365763576701283, 0.00017573406512383372, -0.00016875131404958665, -0.00017736667359713465, -0.0001252444344572723, -0.00022739969426766038, -0.0002713071007747203, 2.3759598661854398e-06, -0.00014210003428161144, -0.00025772108347155154, -0.000255646591540426, -0.0003669440920930356, -0.0003691581659950316, -0.00034780456917360425, -8.148400229401886e-05, -0.000332540919771418, -0.0005124682211317122, -0.0005766265676356852, -0.0006053578690625727, -0.0004910095012746751, -0.0005720002227462828, -0.00015621255442965776, -8.951756171882153e-05, -0.0003556394949555397, -0.00038582037086598575, -0.0002109259512508288, -0.0005848068394698203, -0.0006077280850149691, -0.0001565599668538198, -0.00027380057144910097, -0.00011282317427685484, 0.00017983661382459104, 0.0002470228064339608, -0.0002595910627860576, -0.0005584335303865373, -0.0006849152850918472, -0.0004481851065065712, -0.00026655688998289406, -0.0002867522125598043, 0.0003541774640325457, 0.000399483775254339, 0.00024769650190137327, 0.00013534877507481724, 7.89271725807339e-05, -9.513674740446731e-06, -0.00013628751912619919, -7.311894296435639e-05, -0.0002494673535693437, -0.0002989041095133871, -0.0004059597267769277, -0.00010931041470030323, 0.00010674726217985153, 0.00019762568990699947, 0.000181008261279203, 0.0001064573007170111, -7.380965689662844e-05, -0.0004903040244244039, -0.0005006809951737523, -8.394251199206337e-05, 0.00026187108596786857, 0.0002100876154145226, 8.374357275897637e-05, 4.89811718580313e-05, 0.00013561654486693442, 0.0003549419343471527, 0.000496799882967025, 0.0005433117621578276, 0.0005190329975448549, 0.00016410091484431177, -5.652264735545032e-05, -0.00019126546976622194, -0.0001099577930290252, 2.902028791140765e-05, 5.534302908927202e-05, -8.816942681733053e-06, -0.0001590062747709453, -0.00019899973995052278, -0.0004029154370073229, -0.00033303553937003016, -0.0002997565024998039, -0.0001733921526465565, -3.890021616825834e-05, -6.597132596652955e-05, -0.00019386991334613413, -6.424680032068864e-05, 0.0002897335507441312, 0.0002463756245560944, 5.054089706391096e-05, -3.237735654693097e-05, 0.00015934780822135508, 0.00022170077136252075, 0.00027376398793421686, 0.0004988797008991241, 0.00026873836759477854, -4.572141187964007e-05, -3.258803553762846e-05, -1.6489915651618503e-05, -7.168870797613636e-05, 0.00010069277050206438, 8.826795237837359e-05, 0.0002853968762792647, 0.00018747894500847906, 8.565842290408909e-05, 0.00026472521130926907, 9.898333519231528e-05, 0.000278430845355615, 0.0002520984853617847, 0.00033544987672939897, 0.0004695692041423172, 0.0005105570307932794, 0.0005257752491161227, 0.000495961110573262, 0.00045327009866014123, 0.00035162095446139574, 0.0006373045034706593, 0.0004792251856997609, 0.00042564800241962075, 0.0009083543554879725, 0.0009188609546981752, 0.0004576575302053243, 0.00040538574103266, 0.0003138276806566864, 0.00013262433640193194, 0.0001510946749476716, 0.0005501228151842952, 0.0006845658062957227, 0.0005259072058834136, 0.00044574940693564713, 0.0005319255869835615, 0.0005121232243254781, 0.0004092987219337374, 0.0005588681087829173, 0.0006582016358152032, 0.000485976692289114, 0.00018562037439551204, -0.00017134714289568365, -7.961410301504657e-05, 0.0001663822476984933, 0.00030585084459744394, 0.00022350558720063418, 0.00015507233911193907, 2.3267115466296673e-05, -0.00018136214930564165, -0.0002551967918407172, -0.00018441023712512106, 0.00015011054347269237, 0.000585657253395766, 0.0003286832361482084, 0.00028480918263085186, 0.0003033176762983203, 0.00029561558039858937, 0.0002899603277910501, 0.0004978139768354595, 0.0008354771416634321, 0.0008604380418546498, 0.00039890111656859517, 0.0003786653687711805, 0.00021578573796432465, 0.00043039722368121147, 0.0007874548900872469, 0.000832070130854845, 0.0008608198841102421, 0.0006892362143844366, 0.0003645504475571215, 0.00026952355983667076, 0.00033939891727641225, 0.00045787941780872643, 0.0005343912052921951, 0.00039689269033260643, 0.0004755734698846936, 0.0003558401658665389, 0.0001621880946913734, 0.00018107944924850017, 0.00037082424387335777, 0.00015294253535103053, 0.0003311673935968429, 0.00027436765958555043, 0.000147681450471282, 0.0003113271086476743, 0.00030474818777292967, 0.0003491856041364372, 0.000300805812003091, 0.0005355041939765215, 0.0008512916974723339, 0.0007534471806138754, 0.0008620764128863811, 0.0009490929078310728, 0.0007034647278487682, 0.0004658449033740908, 0.0002644038468133658, 0.0001684628368820995, 0.00023265126219484955, 0.0001639614492887631, 0.0002625393681228161, 0.00029403562075458467, 0.0002936944074463099, -1.5242295376083348e-05, -0.00017866936104837805, -9.096009307540953e-05, -6.65031184325926e-05, -0.00012016195250907913, 0.00019069809059146792, 0.00010996824130415916, -0.00019309816707391292, -0.00046939626918174326, -0.00030270052957348526, -7.398374145850539e-05, -0.00022643053671345115, -2.470476829330437e-05, -6.8229655880713835e-06, -9.377563401358202e-05, -0.00028901358018629253, -1.5885414541116916e-05, 0.00021597067825496197, 0.00014363387890625745, 2.6598747354000807e-05, -0.00034975053858943284, -0.0003693960898090154, -0.0005190205411054194, -0.0003911133680958301, -1.1691258805512916e-05, 6.675973054370843e-06, 2.1468538307090057e-06, -0.00021315691992640495, -0.0003339374379720539, -0.0005388132412917912, -0.00031175700132735074, -0.0003848461201414466, -5.935159060754813e-05, -0.0001473219890613109, -0.00048202075413428247, -0.0004609128227457404, -6.839098205091432e-05, 0.00019552801677491516, -0.00010955322068184614, -0.00010711710638133809, -0.0002566136245150119, -0.000657388474792242, -0.0009666504920460284, -0.0006176885799504817, -0.00032613318762741983, -0.00038071611197665334, -0.00039567507337778807, -0.00012736789358314127, -0.00037556266761384904, -0.0004784358898177743, -0.00047323553008027375, -0.0004331088566686958, -0.0002643448824528605, -0.0005414647748693824, -0.00036427524173632264, -0.0004142466059420258, -0.0003963642520830035, -0.00034495111322030425, -0.0005512333591468632, -0.0006334924255497754, -0.0009010800276882946, -0.0009980089962482452, -0.0007185674039646983, -0.0006412292132154107, -0.0009300967794843018, -0.0006468635983765125, -0.0007320765289478004, -0.0007027785177342594, -0.0007815291755832732, -0.0007365115452557802, -0.0006189234554767609, -0.0007331641390919685, -0.0008903369307518005, -0.0008882751571945846, -0.0006992931012064219, -0.0005438668304122984, -0.0005226271459832788, -0.0003094480198342353, -0.000690861081238836, -0.000970790337305516, -0.0010215261718258262, -0.0009595417068339884, -0.000645478256046772, -0.0004957495257258415, -0.0002673290146049112, -0.00018726469716057181, -0.0007750188233330846, -0.0012723802356049418, -0.001282983459532261, -0.0011098036775365472, -0.0010138998040929437, -0.0007260397542268038, -0.0006862074369564652, -0.0009706522687338293, -0.0012084374902769923, -0.001415287610143423, -0.0014747035456821322, -0.0013079867931082845, -0.0013303783489391208, -0.0011423022951930761, -0.0011824066750705242, -0.001584578538313508, -0.0013928470434620976, -0.001169461291283369, -0.0008949462207965553, -0.0008252386469393969, -0.0007618287927471101, -0.0009079885785467923, -0.0014957152307033539, -0.001492372015491128, -0.0013912641443312168, -0.0008669992093928158, -0.0006445283652283251, -0.0006433729431591928, -0.0005005285493098199, -0.0007486402173526585, -0.0008099680417217314, -0.00048678205348551273, -0.00024384552671108395, -0.0003116030420642346, -0.0005046006408520043, -0.0006255088956095278, -0.0008137412369251251, -0.0007945444667711854, -0.0006164842052385211, -0.000538082153070718, -0.000394565227907151, -0.0006543564377352595, -0.000840111868456006, -0.0008929430041462183, -0.0006327274022623897, -0.000571203650906682, -0.00048170346417464316, -0.00018252139852847904, -0.0003920724557247013, -0.0004948076675646007, -0.0004189313040114939, -0.0003219504142180085, -0.0004805556091014296, -0.00022189610172063112, -0.00020721182227134705, -0.0006450922810472548, -0.0006917512509971857, -0.00025454218848608434, -0.0002458337985444814, -0.0006145352381281555, -0.0004972792230546474, -0.00045975969987921417, -0.0005516550154425204, -0.0005714837461709976, -0.0002256451261928305, -6.379936530720443e-05, -0.000259936525253579, -0.00013102685625199229, -0.00011329576227581128, -0.00010663678403943777, -0.00030567042995244265, -0.00022064712538849562, -0.00011207858915440738, -0.0004115024639759213, -0.00046494591515511274, -0.0001953329483512789, -0.00028983730589970946, -0.00027721855440177023, -0.00015199894551187754, 4.3123964132973924e-05, -0.00018863014702219516, -0.00022756366524845362, -0.00032130879117175937, -0.0004986895364709198, -0.00031947268871590495, -3.711233875947073e-05, 0.0003064798947889358, 0.0002689831017050892, 3.6184352211421356e-05, -0.00014678134175483137, -0.000342508137691766, -0.0005096517270430923, 4.90723796247039e-05, 0.0003349226899445057, 0.0003604957601055503, 0.00020233611576259136, -4.129014632781036e-05, -6.866770127089694e-05, -7.779984298394993e-05, 0.0002578423882368952, 0.00043430988444015384, 0.0004834373539779335, 0.00013849377864971757, -5.4376756452256814e-05, -0.0001862885255832225, 0.00010954328899970278, 0.0006256035412661731, 0.000451171858003363, 0.0006027763010933995, 0.00028203666443005204, 0.00016598410729784518, -0.00017019112419802696, 7.279682176886126e-05, 0.00037681066896766424, 0.0005325561505742371, 0.0006843407172709703, 0.0006826912285760045, 0.00020432108431123197, -0.0002936164673883468, -0.0002234400308225304, 4.460201307665557e-05, 0.00010679272236302495, 0.0003662506933324039, 0.0007720025023445487, 0.0006372276111505926, 0.0003156876773573458, 0.0005500165279954672, 0.0008051601471379399, 0.0010501188226044178, 0.0009128926321864128, 0.0007854071445763111, 0.0008090665214695036, 0.0005033070337958634, 0.0005492292693816125, 0.0008855524938553572, 0.0010085272369906306, 0.0009601296042092144, 0.001123009598813951, 0.0009519416489638388, 0.0008685702341608703, 0.0006817962857894599, 0.0006359648541547358, 0.0007478604675270617, 0.0009234973113052547, 0.0009119200985878706, 0.0008966722525656223, 0.0008357776096090674, 0.0007749285432510078, 0.000747005338780582, 0.0008520344854332507, 0.0009503581677563488, 0.0010609077289700508, 0.0008321746718138456, 0.0008284129435196519, 0.001018504612147808, 0.0005920084076933563, 0.00105683458968997, 0.0012187621323391795, 0.0012856923276558518, 0.001179488725028932, 0.001152413315139711, 0.0010119600920006633, 0.0009042434394359589, 0.0008024157723411918, 0.0008302527712658048, 0.0010746711632236838, 0.0007727323099970818, 0.0009041266166605055, 0.0009330968023277819, 0.0009104714845307171, 0.0009654237073846161, 0.0009056369890458882, 0.0009754832717590034, 0.0008287759264931083, 0.000635422533378005, 0.0006374415243044496, 0.0006067283102311194, 0.0006493491237051785, 0.0007725160103291273, 0.000859702005982399, 0.0004304427420720458, 0.0004898509359918535, 0.00046535287401638925, 0.0006844105664640665, 0.0006956843426451087, 0.0008482723496854305, 0.0006561208283528686, 0.00034377738484181464, 0.0005634626722894609, 0.0006520142778754234, 0.001129279495216906, 0.0010127126006409526, 0.00111196783836931, 0.0007699366542510688, 0.0006307133589871228, 0.0005750298732891679, 0.0007721239817328751, 0.0010830591199919581, 0.0007413558778353035, 0.0006455471157096326, 0.0003150056581944227, 8.078679820755497e-05, 2.065152148134075e-05, 0.0002425942657282576, 0.0007539819926023483, 0.0006105971988290548, 0.00056748982751742, 0.0006129928515292704, 0.0006155979936011136, 0.0005080728442408144, 0.0006441479199565947, 0.0008787849801592529, 0.0009440994472242892, 0.0008942749700509012, 0.0005119001143611968, 0.00045628310181200504, 0.0006822874420322478, 0.0005978062399663031, 0.0006420954596251249, 0.0003962212067563087, -3.838868724415079e-05, -0.00029860230279155076, -0.00013781040615867823, 0.00016658483946230263, 0.00035726153873838484, 0.0006233599851839244, 0.000691190070938319, 0.0003887238563038409, 0.0001711319200694561, 0.0003459661384113133, 0.0004405704094097018, 0.0007793545955792069, 0.0007225250010378659, 0.000983966514468193, 0.0007913641165941954, 0.0007791680400259793, 0.0009410434286110103, 0.0006500594899989665, 0.0009060693555511534, 0.0006174781010486186, 0.0004076104669366032, -4.6796081733191386e-05, 0.00017609084898140281, 0.00037719469401054084, 0.0004516824847087264, 0.000522168877068907, 0.00037893527769483626, 0.00028428921359591186, 0.00016638796660117805, 0.00022288119362201542, 0.00023035243793856353, 0.00039753285818733275, 0.0005286152008920908, 0.0003975438012275845, 0.00011349643318681046, 0.00016870041145011783, 0.00019719246483873576, 0.00024956706329248846, 0.000269961979938671, 0.00027857886743731797, 3.0567971407435834e-05, -0.00028729348559863865, -1.3914851479057688e-05, -2.3606417016708292e-05, 0.00021987502987030894, 0.00014232554531190544, 3.997102794528473e-06, -7.60683833505027e-05, -0.000290780357317999, -8.691284165252e-05, -5.21893598488532e-05, 0.00015843749861232936, 8.036389772314578e-05, -2.8657144866883755e-05, 4.18488125433214e-05, -0.00015364708087872714, -6.775586371077225e-05, -0.00021665326494257897, -0.00024024496087804437, -0.00023877563944552094, -0.00011607477790676057, -0.00016357918502762914, -9.218052582582459e-05, -5.643723397952272e-06, -8.223870827350765e-05, 3.0745939056942007e-06, -8.056967999436893e-06, 8.131394861266017e-05, 4.438028918229975e-05, -0.00010319143621018156, -0.0002906144654843956, -0.0005611390224657953, -0.00036846695002168417, -0.0003760228573810309, -0.0003521056496538222, -4.8881411203183234e-05, -0.0004724857572000474, -0.00029013087623752654, -0.0003938780864700675, -0.0003950083628296852, -0.0004903983208350837, -0.00044017701293341815, -0.00036514492239803076, -0.00040467767394147813, -0.0005089964834041893, -0.00015581838670186698, -0.0002044423745246604, -4.385449574328959e-05, -2.9159373298170976e-05, -0.0002269523829454556, -0.0002060904516838491, -0.0002902296546380967, -0.00039629603270441294, -0.000530583318322897, -0.0005216714343987405, -0.00045712629798799753, -0.00042879069223999977, -0.0006040363805368543, -0.0005990118952468038, -0.0006257022032514215, -0.0007312089437618852, -0.0009747801814228296, -0.0008696835138835013, -0.0009215439786203206, -0.0011458267690613866, -0.0011642825556918979, -0.0010754169197753072, -0.0009044905309565365, -0.0008603634196333587, -0.0005723083741031587, -0.0007350796367973089, -0.0008170949877239764, -0.0012409316841512918, -0.0013140840455889702, -0.0012715753400698304, -0.0013012030394747853, -0.0009376658126711845, -0.0010845185024663806, -0.0010416419245302677, -0.001187468646094203, -0.001324724406003952, -0.0011446884600445628, -0.0011104925069957972, -0.0011937689268961549, -0.0012281837407499552, -0.0012174199800938368, -0.0012930784141644835, -0.0010735885007306933, -0.0008647313807159662, -0.0006399531848728657, -0.0008564980234950781, -0.000676535302773118, -0.000713350425940007, -0.0010804209159687161, -0.0011672360124066472, -0.0008810804574750364, -0.0008376777404919267, -0.0006620397325605154, -0.0003685539704747498, -0.0004999858210794628, -0.0005812820163555443, -0.0007698922418057919, -0.0006575896986760199, -0.0006983726634643972, -0.0006409779889509082, -0.000444799690740183, -0.0004691466165240854, -0.0007839524187147617, -0.0006200435454957187, -0.0005004236591048539, -0.0004226376477163285, -0.0004946592962369323, -0.0005778298946097493, -0.000681322708260268, -0.0008881757967174053, -0.0008862920221872628, -0.000662516918964684, -0.0003589915868360549, -0.00040177267510443926, -0.00045520017738454044, -0.0004883508081547916, -0.0007563072722405195, -0.0009718597284518182, -0.0009373633656650782, -0.0008073552744463086, -0.0006934658158570528, -0.0007296550320461392, -0.0009314361959695816, -0.0011751475976780057, -0.001340990886092186, -0.0013221600092947483, -0.00118268805090338, -0.0011855814373120666, -0.0009702185052447021, -0.000774699030444026, -0.0007350541418418288, -0.0009258876089006662, -0.0008200558950193226, -0.0006314485799521208, -0.000566575734410435, -0.0005718961474485695, -0.0008481878321617842, -0.0007906795362941921, -0.0008894458296708763, -0.0006715744966641068, -0.0005750579875893891, -0.0003262516111135483, -0.0004801731847692281, -0.0006739151431247592, -0.0005333510343916714, -0.0006737353978678584, -0.0005233777919784188, -0.0004907955299131572, -0.0003877346171066165, -0.0005345407989807427, -0.0005890431930311024, -0.0005117101827636361, -0.00043911419925279915, -0.00037481309846043587, -0.00043108288082294166, -0.00018968843505717814, -0.0004641728301066905, -0.0004338201542850584, -0.00025312573416158557, -0.000325389759382233, -0.00031842978205531836, -0.00013540915097109973, -7.811710383975878e-05, -0.0001075298641808331, -0.00027399181271903217, -0.00041158508975058794, -0.00027837062953040004, -0.00034812497324310243, -0.00026450311997905374, -0.00010847643716260791, -0.000234590595937334, -0.00047397628077305853, -0.0007373158587142825, -0.0005477249505929649, -0.00038516332278959453, -0.0004048151895403862, -0.0002531814097892493, -0.000208272147574462, -0.00016003428027033806, -0.00021140006720088422, -8.598091517342255e-05, 5.5761487601557747e-05, -0.00028087946702726185, -0.00043502674088813365, -9.667177073424682e-05, 0.00016466500528622419, 0.00016239899559877813, -5.8954286942025647e-05, 0.0001167973896372132, -0.00018372037447988987, -0.0003745048597920686, -0.000266084389295429, -1.3258948456496e-05, 3.909559745807201e-05, 1.1058435120503418e-05, 3.452101964285248e-07, -6.484023469965905e-05, -3.5253906389698386e-05, -0.0002152244414901361, -0.00024644771474413574, -0.0004872161371167749, -0.00029556272784247994, -0.0003636548644863069, -0.0002668480447027832, -0.0003361695562489331, -0.0003760280378628522, -8.164143946487457e-05, -0.00014911808830220252, -0.00011904445273103192, -6.0397942434065044e-05, -8.974543743534014e-05, -0.00017539376858621836, -7.419866597047076e-05, 1.4906762771715876e-05, 0.00013229127216618508, 0.0003441872540861368, 0.00038784032221883535, 0.0003144498623441905, 0.0003262906102463603, 0.0002193027758039534, 0.0002963119186460972, 0.000446997961262241, 0.0004531494341790676, 0.00047874252777546644, 0.0006251286249607801, 0.000298945524264127, 0.00021823763381689787, 9.772468911251053e-05, 0.00016337221313733608, 0.0001679575943853706, 0.0003494324628263712, 0.0007505796966142952, 0.0006871622754260898, 0.0007202090346254408, 0.0006847830954939127, 0.0006570487166754901, 0.0006929660448804498, 0.0008924466674216092, 0.000795767642557621, 0.0007210655603557825, 0.0008336296887136996, 0.0007766097551211715, 0.00094413454644382, 0.00087351183174178, 0.0007865282823331654, 0.0009591269190423191, 0.001050428720191121, 0.0010451450943946838, 0.0011638404102995992, 0.0013181655667722225, 0.0013292375952005386, 0.0013021688209846616, 0.0011297863675281405, 0.001433243160136044, 0.0013015845324844122, 0.001254357979632914, 0.001229280955158174, 0.0011295598233118653, 0.0013220891123637557, 0.0010863419156521559, 0.0011181471636518836, 0.0009928593644872308, 0.0011400284711271524, 0.0010384853230789304, 0.0008803676464594901, 0.0009499961161054671, 0.00104721134994179, 0.00082265684613958, 0.0006826800527051091, 0.0007298924028873444, 0.0008570077479816973, 0.0010628303280100226, 0.0011284112697467208, 0.0010323879541829228, 0.0010189766762778163, 0.0007412625709548593, 0.0007819248712621629, 0.0009525893838144839, 0.0009553061681799591, 0.0011476449435576797, 0.0011038231896236539, 0.001265143626369536, 0.0012015730608254671, 0.000906995264813304, 0.0007382264011539519, 0.0006420177523978055, 0.0006193994777277112, 0.0008701703045517206, 0.0007638120441697538, 0.0005062806303612888, 0.0003203839005436748, 0.00017664993356447667, 0.00010408039088360965, 0.00022137157793622464, 0.0002649946545716375, 0.00013329375360626727, 1.7106716768466868e-05, -3.6092285881750286e-05, 6.500374638562789e-06, 1.6828264051582664e-05, 8.863315997587051e-06, -1.0024538823927287e-05, 3.837305939669022e-06, 3.8713587855454534e-05, -4.717573392554186e-05, -1.9836445062537678e-05, 0.0001994797494262457, 9.48032466112636e-05, 0.00026767540839500725, 0.0001237297838088125, 3.486878631520085e-05, 0.00012015687389066443, 9.81083358055912e-05, 3.537232623784803e-05, 1.3052513168076985e-05, 5.090354534331709e-05, -1.0496283721295185e-05, -2.6937959773931652e-05, 2.85576479654992e-05, -8.014628838282079e-05, -0.00010444585495861247, 4.005159644293599e-05, -3.3387812436558306e-05, -0.00015845848247408867, -0.00011271808762103319, -0.00015975422866176814, -0.00023344326473306865, -0.00019711005734279752, -0.0003557582967914641, -0.00041450641583651304, -0.00021066682529635727, -0.00030281799263320863, -0.00024512127856723964, -0.0002540462010074407, -0.0003626518009696156, -0.0002667982771527022, -0.00018673883459996432, -0.00012193868315080181, -0.0001653987419558689, -3.81097306672018e-05, 6.727629079250619e-05, 2.5674758944660425e-05, -0.00010906535317189991, 6.2893050198908895e-06, -0.00012074321421096101, 4.2871265577559825e-06, -8.390255970880389e-05, -0.0002731115964706987, -0.0003318150993436575, -0.00045027793385088444, -0.0004022105422336608, -0.0004748927603941411, -0.0003902728494722396, -0.0003030582156497985, -0.00016184455307666212, -0.00012200672790640965, -0.0002326675457879901, -0.00018026553152594715, -0.00022166706912685186, -0.0001272169902222231, -0.0002623642503749579, -0.0003214994794689119, -0.00024335470516234636, -0.0002739304327405989, -0.0001116132116294466, 2.2677058950648643e-05, 0.0001249228953383863, 2.025078356382437e-05, 3.248843859182671e-05, 0.00018895717221312225, 1.7514912542537786e-05, -0.00026978421374224126, -0.00022514822194352746, -0.00010879756882786751, 3.649347127065994e-05, -0.00011173770326422527, -0.00028350777574814856, -0.00039531366201117635, -0.0005173995741643012, -0.00039608386578038335, -0.00012889692152384669, -4.562323010759428e-05, -7.833464769646525e-05, -0.00017745202057994902, -0.0002481092815287411, -0.00016601249808445573, -3.316275615361519e-05, -4.154306589043699e-05, 8.239656744990498e-05, -1.3384463272814173e-05, -5.603839599643834e-05, -0.00017447299615014344, -2.7073954697698355e-05, 0.00021537717839237303, 0.00017710156680550426, 0.00024676998145878315, 0.00026949189486913383, 9.15961863938719e-05, -0.0001900984934763983, -0.0001357354922220111, -4.0185157558880746e-05, 0.0001734942925395444, 0.00029005715623497963, 0.0003144684887956828, 0.00012074899132130668, 9.114025306189433e-05, 0.0002722549543250352, 0.00027345327544026077, 0.00030817670631222427, 0.00034302452695555985, 0.0002521364076528698, 0.00013036371092312038, 0.00028657729853875935, 0.0002257580781588331, 0.0003019775322172791, 0.0003074341220781207, 0.0002349889255128801, -0.00012304342817515135, 7.01375538483262e-05, 0.000280689011560753, 0.0003077795554418117, 0.00032604055013507605, 0.00041222103754989803, 0.0004558924410957843, 0.0005111281061545014, 0.0005516909877769649, 0.0004193331114947796, 0.0003061824827454984, 0.0003179758496116847, 0.00038537522777915, 0.0003206227847840637, 0.0005516020464710891, 0.0005013725603930652, 0.00046635131002403796, 0.0005071483319625258, 0.00036357424687594175, 0.00031405952177010477, 0.0003180509665980935, 0.00024353920889552683, 5.046770820626989e-05, 4.966583219356835e-05, -2.0242750906618312e-05, -0.0001171623298432678, 0.00014442966494243592, 0.0001366293290629983, 0.00015848918701522052, 0.000340674800099805, 0.0003912073152605444, 0.0005465146386995912, 0.0003857619594782591, 0.000654203409794718, 0.0006076864083297551, 0.0003612731525208801, 0.000832841033115983, 0.0007931963191367686, 0.000644525745883584, 0.0007256511598825455, 0.000616957840975374, 0.0003808331966865808, 0.0006978476885706186, 0.0006499662413261831, 0.00024552279501222074, 0.0005675735883414745, 0.0006592038553208113, 0.0001522556267445907, 0.000453947955975309, 0.0004985558916814625, 0.00036627642111852765, 0.0004401016340125352, 0.0005751564167439938, 0.0007086036494001746, 0.00042847637087106705, 0.0005065102595835924, 0.0006474207621067762, 0.0005681883776560426, 0.0006651474395766854, 0.0006828911136835814, 0.0006931418320164084, 0.0006364527507685125, 0.0007347172941081226, 0.000662987120449543, 0.0008487594895996153, 0.0010605906136333942, 0.0008511930354870856, 0.0008286701049655676, 0.000997424591332674, 0.0009074853733181953, 0.0009514761040918529, 0.0010624639689922333, 0.0008781870128586888, 0.0007509880815632641, 0.0007381259929388762, 0.000411928107496351, 0.00033652401180006564, 0.0003587584651540965, 0.0004890181007795036, 0.00035728755756281316, 0.00037524790968745947, 0.00047784196794964373, 0.00017268871306441724, 0.0005285137449391186, 0.00041311673703603446, 0.0007366641075350344, 0.000832804711535573, 0.0007146301213651896, 0.0004316542763262987, 0.0003095848369412124, 0.0003298970405012369, 0.0002454482892062515, 0.0005134512321092188, 0.0005873367772437632, 0.0005174732650630176, 0.0004071728326380253, 0.00044305145274847746, 0.0005720571498386562, 0.00047112524043768644, 0.000484472286188975, 0.0006079624290578067, 0.0005370353464968503, 0.0005454547354020178, 0.000768274359870702, 0.0007162519032135606, 0.0006004981696605682, 0.0006339551182463765, 0.0005016258801333606, 0.00039784552063792944, 0.0003083416377194226, 0.00030048773624002934, 0.0002026825532084331, 0.0001942850067280233, 0.0002154125104425475, 0.0003971338737756014, 0.00036034639924764633, 0.0002818189677782357, 0.000307337410049513, 0.0003336200607009232, 0.00015754703781567514, 0.00011785671813413501, 0.00016569677973166108, 0.00016976366168819368, 0.00010940437641693279, 0.00017133612709585577, 0.0001069187928806059, 6.182195647852495e-05, 0.0001596997753949836, 0.00012055735714966431, 2.397785101493355e-05, 6.40954021946527e-05, 3.9873921195976436e-05, 0.0002272278070449829, 0.0001516968768555671, 0.00025096655008383095, 0.0002515631204005331, 0.0003119893081020564, 0.00026000780053436756, 5.811934170196764e-05, -0.00020043720724061131, -0.00022671796614304185, -0.0002944408915936947, -0.000544169801287353, -0.0004554355109576136, -0.00034965985105372965, -0.0003329729661345482, -0.00031609542202204466, -0.00015193763829302043, -0.00015356804942712188, -0.00038584202411584556, -0.0003803400322794914, -0.0004761510354001075, -0.0005588705535046756, -0.0004822714545298368, -0.0004532127932179719, -0.0005565508618019521, -0.0005596657865680754, -0.0006311633042059839, -0.0007095072069205344, -0.0007225488661788404, -0.0007878807955421507, -0.0007814477430656552, -0.000831233337521553, -0.0007618576055392623, -0.0006883536116220057, -0.0005475121433846653, -0.0004057306796312332, -0.0005736456369049847, -0.0003974279679823667, -0.00038961393875069916, -0.00052826659521088, -0.0006161823403090239, -0.0005486128502525389, -0.0006679198704659939, -0.0005193810793571174, -0.0004299740248825401, -0.0005974936648271978, -0.00046514187124557793, -0.0007377398433163762, -0.0008086147136054933, -0.0008604182512499392, -0.0009433599188923836, -0.0007661421550437808, -0.0006455577095039189, -0.00043763811117969453, -0.0004817966546397656, -0.0004974365001544356, -0.0005539417616091669, -0.0006488112267106771, -0.0005999734858050942, -0.0005031093023717403, -0.0004855640872847289, -0.00038216752000153065, -0.0003514114359859377, -0.0003541017067618668, -0.0002855409402400255, -0.0002880008250940591, -8.964707376435399e-06, -3.198787453584373e-05, -0.00010152169124921784, -0.0002145819744328037, -0.00036806907155551016, -0.0005694017163477838, -0.00048162121674977243, -0.00045933391083963215, -0.0004234542138874531, -0.00042878161184489727, -0.0004004314250778407, -0.0004355671408120543, -0.00044488447019830346, -0.000344765285262838, -0.00033634036662988365, -0.00010025594383478165, -0.00030668172985315323, -0.0004681370919570327, -0.0003561918856576085, -0.00034754950320348144, -0.000143638884765096, -0.0002519816916901618, -0.00018079472647514194, -8.882871770765632e-05, -0.00024850957561284304, -8.525665907654911e-05, -0.00023350260744336993, -0.0003825119638349861, -0.0006533904233947396, -0.0006175623275339603, -0.0006085936329327524, -0.0004502473457250744, -0.00029652653029188514, -0.00012867186160292476, 1.329268997096733e-07, -2.06847889785422e-05, 3.9236001612152904e-05, 7.934193854453042e-05, -6.930719973752275e-05, -0.00019524064555298537, -8.190889639081433e-05, -0.00026012075250037014, -0.000177320689545013, -6.043148459866643e-05, -0.000117217015940696, 4.48748905910179e-05, 0.00010632861813064665, -0.0001251855428563431, -0.00018126038776244968, -0.00013776075502391905, -0.00013116595800966024, -8.933460048865527e-05, -2.5563389499438927e-05, 0.0001984934351639822, 0.0002116143296007067, 0.0002886935544665903, 0.00042343398672528565, 0.00046480598393827677, 0.0004443775396794081, 0.0004523698298726231, 0.00045343415695242584, 0.0002727065293584019, 0.00023582317226100713, 0.0002604959881864488, 0.00042968164780177176, 0.0005635350826196373, 0.0005404054536484182, 0.000607975060120225, 0.00046996583114378154, 0.0004845734511036426, 0.0006365401786752045, 0.0006492887041531503, 0.000531920522917062, 0.0006049542571417987, 0.0005247363005764782, 0.0008420546655543149, 0.0007824234780855477, 0.0006846591713838279, 0.0007811363320797682, 0.000686812971252948, 0.0007164865382947028, 0.00033358950167894363, 0.0004371227405499667, 0.0004083579988218844, 0.0005333493463695049, 0.0002778643392957747, 0.0001633952633710578, 0.0002055800287052989, 4.467690450837836e-05, 5.412649261415936e-05, 6.69934843244846e-06, 0.00014557746180798858, 0.00011432173778302968, 9.719268564367667e-05, 6.786322046536952e-05, 9.396472705702763e-06, -0.0001148181690950878, -1.6666706869727932e-05, -0.00014785054372623563, -0.0002904856519307941, -0.00032228147028945386, -0.0002928312460426241, -0.0001651902130106464, -9.56735311774537e-05, 3.1456295346288243e-06, -7.542892853962258e-05, 4.203238495392725e-05, -1.3676314665644895e-05, -6.253845640458167e-05, -2.3255635824170895e-05, -0.00010778291471069679, -6.259135261643678e-06, -9.312210022471845e-05, -0.00011890623136423528, 5.821571448905161e-06, 0.00021391901827882975, 0.0002592850651126355, -3.885436672135256e-05, -3.2744039344834164e-05, -0.00013079392374493182, -0.0002847679133992642, -0.000152581837028265, 5.223066546022892e-05, 5.01452486787457e-05, 0.00010121438390342519, -5.2300998504506424e-05, -0.0001983906258828938, -0.00011117738176835701, -0.00017517070227768272, -0.00012119813618483022, -5.7262757763965055e-05, -4.301329317968339e-05, -9.340124961454421e-05, -0.00022365828044712543, -6.172767461976036e-05, 0.00017966462473850697, 0.0003145974478684366, 0.0001630482729524374, -1.4538097275362816e-05, 4.7885343519737944e-05, 0.0002376630436629057, 0.0003904044860973954, 0.0004913241718895733, 0.000512228871230036, 0.0003837542317342013, 0.00014843202370684594, -0.0002193165710195899, -0.00024122995091602206, -9.051002416526899e-05, -6.022970410413109e-05, -0.00022850482491776347, -0.0002883912529796362, -0.0002738542389124632, -0.00032112517510540783, -0.00034108757972717285, -0.0004343458276707679, -0.0007403521449305117, -0.0006634182063862681, -0.0007714600651524961, -0.0006641774089075625, -0.00036997057031840086, -0.00024453431251458824, -0.0002822565147653222, -0.00037139898631721735, -0.0003924914344679564, -0.00038994557689875364, -0.0004979553050361574, -0.0006124443607404828, -0.0006027993513271213, -0.0006338675739243627, -0.0006748984451405704, -0.00031470958492718637, -0.00013009576650802046, -0.00030548975337296724, -0.00034415439586155117, -0.0005347090773284435, -0.0004967986023984849, -0.0006546616205014288, -0.0005345804966054857, -0.0002874282654374838, -1.7404676327714697e-05, -0.0002452949993312359, -0.0001133589175879024, -0.0001968791475519538, -0.0005480842082761228, -0.0004153887857683003, -0.0004846120427828282, -0.0005130072240717709, -0.0008158351993188262, -0.0011460043024271727, -0.0006891714874655008, -0.0006860638386569917, -0.00025342495064251125, -0.0002925865410361439, -0.00038804832729510963, -0.00035315932473167777, -0.0006936218705959618, -0.0006212162552401423, -0.0006540121976286173, -0.0004507332050707191, -0.0005073682987131178, -0.000393791648093611, -0.0005533128860406578, -0.0006876082625240088, -0.0006791661726310849, -0.0007737299310974777, -0.0008751829736866057, -0.0008323240908794105, -0.0008434081100858748, -0.000912005954887718, -0.000808888056781143, -0.0007947846897877753, -0.0006572107085958123, -0.0005461415858007967, -0.000663113547489047, -0.00070171122206375, -0.0007717011030763388, -0.0007385112694464624, -0.0005958094843663275, -0.0006104455678723752, -0.00032353884307667613, -0.00047842643107287586, -0.0006169831613078713, -0.0006788637256249785, -0.0006922337342984974, -0.0006214819732122123, -0.0007228039903566241, -0.0007182976696640253, -0.0005773766315542161, -0.0005402663955464959, -0.0005960610578767955, -0.0004826062067877501, -0.0005637136637233198, -0.0007052675937302411, -0.0008572076912969351, -0.000849042902700603, -0.0009550783433951437, -0.0010114620672538877, -0.0009713617037050426, -0.0009690335136838257, -0.0006945409695617855, -0.0006337185041047633, -0.000652035407256335, -0.0009226696565747261, -0.000930787471588701, -0.0010707819601520896, -0.0010704166488721967, -0.0008953583892434835, -0.0009722754475660622, -0.0010135330958291888, -0.000859524414408952, -0.000931930320803076, -0.0008222228498198092, -0.0007138868095353246, -0.0007484534289687872, -0.0008342029177583754, -0.0007936186739243567, -0.0007149297744035721, -0.0006844049785286188, -0.00032344047212973237, -0.00041459803469479084, -0.0002012406912399456, -0.00012818466348107904, -0.0002774742024485022, -0.00016423095075879246, -0.00019468541722744703, -0.00032962177647277713, -0.00019339816935826093, -0.0003011968219652772, -0.00035582654527388513, -0.0002544508024584502, -0.0004570568853523582, -0.0005086527089588344, -0.0003337012021802366, -0.00037757851532660425, -0.0004974010516889393, -0.00046452818787656724, -0.0005532429204322398, -0.0007546385750174522, -0.0005431824829429388, -0.0005875194328837097, -0.0005743480869568884, -0.00045977652189321816, -0.0003294806519988924, -0.00026285869535058737, -0.0003626985417213291, -0.0002575077232904732, -0.00019464136858005077, -0.00020789312839042395, -0.00021761006792075932, -4.7502089728368446e-05, -0.00010244557051919401, -0.00019938783952966332, -1.7192591258208267e-05, 3.299129457445815e-05, -7.923199882498011e-05, -1.4817948795098346e-05, -0.00018637416360434145, -3.263486360083334e-05, 8.265904034487903e-05, 0.00013430121180135757, 4.958517365594162e-06, 9.832996147451922e-05, 0.0001239749981323257, 0.00020869860600214452, 0.0002635277051012963, 0.0002691295521799475, 0.0002460538817103952, 0.0002660859317984432, 0.0002920044644270092, 0.00017410988220945, 0.00032881967490538955, 0.0003527151420712471, 0.00018594048742670566, 0.00028928936808370054, 0.0003151926794089377, 0.0005565945175476372, 0.0007177653606049716, 0.0006602521752938628, 0.0008210436790250242, 0.0007614933419972658, 0.0006156153976917267, 0.0006958125741221011, 0.0006479859002865851, 0.0006686216802336276, 0.0007874886505305767, 0.0005967074539512396, 0.0007179806707426906, 0.0008818577625788748, 0.0007731514633633196, 0.0009792863857001066, 0.0012033818056806922, 0.0010396698489785194, 0.0008221528842113912, 0.0007020398043096066, 0.0007464162772521377, 0.0009271588642150164, 0.0010319335851818323, 0.0010847161756828427, 0.0008362230728380382, 0.0008791438303887844, 0.000658985401969403, 0.0005546488100662827, 0.0005251509719528258, 0.000338910729624331, 0.0005172583041712642, 0.0005224939668551087, 0.0006567272357642651, 0.0006311106844805181, 0.0006386761087924242, 0.0006441169534809887, 0.0005698559689335525, 0.0006723501137457788, 0.0008289884426631033, 0.000724425190128386, 0.0008325648377649486, 0.0007818581652827561, 0.0009085708297789097, 0.0008748990949243307, 0.0007866512169130147, 0.0009949150262400508, 0.0007080720388330519, 0.0007747195777483284, 0.0006666189874522388, 0.0004724452446680516, 0.0004309667565394193, 0.0005603547906503081, 0.0005034995847381651, 0.00039496400859206915, 0.0003648490528576076, 0.00010079947969643399, 0.00017755996668711305, 8.016161154955626e-05, -1.0156749340239912e-05, 0.0002309490810148418, 0.00027351811877451837, 0.0002778452180791646, 0.000504956697113812, 0.0003838397969957441, 0.0004732657689601183, 0.0004176649381406605, 0.0003554933937266469, 0.00041836631135083735, 0.00033230858389288187, 0.0004848012758884579, 0.0003567584790289402, 0.0002630247035995126, 0.0004508066922426224, 0.00044044494279660285, 0.0003964689967688173, 0.0004294859536457807, 0.0003135397855658084, 0.0003609255072660744, 0.0005527152097783983, 0.0004467655089683831, 0.0005268803215585649, 0.0006195337628014386, 0.0005446331342682242, 0.0005564801977016032, 0.0006841167341917753, 0.0006708226865157485, 0.0005521115381270647, 0.0005975671811029315, 0.0006223412929102778, 0.0005382599192671478, 0.0005337196053005755, 0.00018589379033073783, 0.0002299900952493772, 0.00033730192808434367, 0.00033289691782556474, 0.00034226657589897513, 0.0005311497952789068, 0.0005463972338475287, 0.0006391735514625907, 0.0005825927364639938, 0.0006936536519788206, 0.0005388231948018074, 0.0007065942045301199, 0.000616757373791188, 0.0005196667625568807, 0.0005020371754653752, 0.0004221850831527263, 0.0005995166138745844, 0.00027246488025411963, 0.0003056921123061329, 0.00013460739864967763, 1.2246143342053983e-05, 7.791983080096543e-05, -0.0001966288691619411, -9.022991434903815e-05, 2.753835724433884e-05, -2.4162416593753733e-05, -3.140228727716021e-05, -0.00016750275972299278, -0.00027425619191490114, -0.00018547177023719996, -0.0003808418405242264, -0.000399750133510679, -0.00031662953551858664, -0.00011712542618624866, -5.238243829808198e-05, -1.8384931536274962e-05, 5.2952265832573175e-05, 0.00010907387331826612, 0.00013897345343139023, 0.00019953891751356423, 5.46048249816522e-05, 0.00010250013292534277, 0.00014498540258500725, 0.00030612279078923166, 0.00041460717329755425, 0.00035474260221235454, 0.0003188802511431277, 0.00016921099449973553, 5.2124032663414255e-05, 1.2518949006334879e-05, -0.0001619276445126161, -4.555296982289292e-05, 6.369137554429471e-05, -3.6718975024996325e-05, 9.88474566838704e-05, -0.00010703386942623183, 0.00020964832219760865, 0.00022872630506753922, 0.00022462086053565145, 4.4119780795881525e-05, -0.00012082638568244874, -0.0001411139965057373, -9.604788647266105e-05, 0.00013065051462035626, 0.00010080334322992712, 0.0002737095928750932, 9.255728218704462e-05, -5.8696000451163854e-06, -0.0001026247045956552, -0.00043703833944164217, -0.00036610523238778114, -0.0004738675488624722, -0.0005887520965188742, -0.00048768194392323494, -0.0005395147600211203, -0.0006391044589690864, -0.00045886528096161783, -0.0004652447532862425, -0.0003938890586141497, -0.000535807863343507, -0.000748284684959799, -0.0008268212550319731, -0.000641198712401092, -0.0004703990707639605, -0.0004477586771827191, -0.0004741429875139147, -0.0006416336400434375, -0.0005303182988427579, -0.0007449667900800705, -0.0009573062998242676, -0.0009266158449463546, -0.0008718921453692019, -0.0008928567986004055, -0.0006297235377132893, -0.0005216146819293499, -0.00047066077240742743, -0.0003780002589337528, -0.0007666937890462577, -0.000701849814504385, -0.0007190547767095268, -0.0006836102693341672, -0.0006360230036079884, -0.0005480398540385067, -0.00038168090395629406, -0.0003797455283347517, -0.00041842320933938026, -0.0003242630627937615, -0.00012161276390543208, -0.0003144601359963417, -0.0003198020567651838, -0.00042216453584842384, -0.0004990551969967782, -0.00034827712806873024, -0.00042343034874647856, -0.00026907247956842184, -0.00021442542492877692, -0.00014461265527643263, -4.8725811211625114e-05, -0.00028923468198627234, -0.0001716867700451985, -0.00012764557322952896, -0.00019067508401349187, -2.6161338610108942e-05, 2.2249898393056355e-05, -4.923717824567575e-06, 0.00025785694015212357, 0.00014539850235451013, 7.766176713630557e-05, 0.00014169140195008367, -7.423339411616325e-06, 3.310947067802772e-05, -0.00016772483650129288, -0.00030867208261042833, -7.457097672158852e-05, -0.000278543186141178, -0.00026006190455518663, -0.0002019133244175464, -0.00034887209767475724, -0.00020264711929485202, -0.00010645882139215246, -0.00031024159397929907, -0.00024128722725436091, -0.0002744768571574241, -6.508007209049538e-05, -0.00017567405302543193, -0.0001595193607499823, -0.00014291034312918782, -0.00017434115579817444, -1.3150176528142765e-05, -0.00014978693798184395, -1.3648924323206302e-05, -0.00020507711451500654, -7.751950761303306e-05, -5.495337245520204e-05, -0.00014587107580155134, -0.00015504867769777775, -0.0003002593875862658, -0.00036774034379050136, -0.0002379587822360918, -0.00041492650052532554, -0.00032657093834131956, -1.971878737094812e-05, -8.885192801244557e-05, -4.7438457841053605e-05, -0.00012730118760373443, -7.500015635741875e-05, -3.242177263018675e-05, -9.188828698825091e-05, 5.644608972943388e-05, 0.00016285435413010418, 0.00022540903592016548, 0.00030391235486604273, 0.00034006789792329073, 0.0005258256569504738, 0.0005392711027525365, 0.0006299940287135541, 0.0005578339914791286, 0.0005090892082080245, 0.0004361449973657727, 0.0005164631293155253, 0.0005901553086005151, 0.00038843246875330806, 0.0004357599245849997, 0.000446296384325251, 0.0002829343138728291, 0.00021031711366958916, 0.0002495185181032866, 0.0002586531627457589, 8.24433664092794e-05, 0.000278464489383623, 0.000516517844516784, 0.000556240149307996, 0.0006589054828509688, 0.0006587859243154526, 0.0008670765673741698, 0.0010362890316173434, 0.0009635593742132187, 0.0011916480725631118, 0.0010421582264825702, 0.0011301219929009676, 0.001327988225966692, 0.0014599831774830818, 0.001112304744310677, 0.001141347805969417, 0.0010419099126011133, 0.0008720787591300905, 0.0008329507545568049, 0.0007219574763439596, 0.0007245814194902778, 0.0006868495256640017, 0.0005653970292769372, 0.0006428756169043481, 0.0008409447036683559, 0.0009895316325128078, 0.0010621958645060658, 0.0012200153432786465, 0.001203354331664741, 0.0010356375714764, 0.0011319153709337115, 0.001088303280994296, 0.0011030335444957018, 0.001277733244933188, 0.0012496889103204012, 0.0011806971160694957, 0.0011753536527976394, 0.0012017824919894338, 0.001241764286532998, 0.0014810581924393773, 0.001294557237997651, 0.0013529303250834346, 0.0012516082497313619, 0.0011923052370548248, 0.0013283895095810294, 0.0011936494847759604, 0.00097914959769696, 0.0012327334843575954, 0.001377701642923057, 0.0011696828296408057, 0.0012141220504418015, 0.0011821385705843568, 0.0011477520456537604, 0.001078290049917996, 0.0011163464514538646, 0.0010431904811412096, 0.0010210344335064292, 0.0008490705513395369, 0.0009048327920027077, 0.0007804259657859802, 0.0007244166336022317, 0.0007956980261951685, 0.0006126196240074933, 0.00065196817740798, 0.0005200639716349542, 0.0005207930225878954, 0.0003176902246195823, 0.0002945353917311877, 0.0003636677865870297, 0.0005237471195869148, 0.00046145086525939405, 0.0003832651418633759, 0.0003719979722518474, 0.00033721287036314607, 0.0003285420825704932, 0.00048810357111506164, 0.00041181902633979917, 0.0004203509306535125, 0.0005076236557215452, 0.0004822050395887345, 0.000489650818053633, 0.0006488297367468476, 0.0005241002072580159, 0.0003371619386598468, 0.0002879176754504442, 0.00011605611507548019, 7.67277815612033e-05, 4.588779847836122e-05, 0.0001703129819361493, 0.0002036343066720292, 0.00010183337144553661, 3.477336576906964e-05, 0.00018778597586788237, 0.0001463034568587318, 0.00012809420877601951, 0.00023964633874129504, 0.0003774651268031448, 0.0004938718630000949, 0.000509309524204582, 0.00044448577682487667, 0.00034931610571220517, 0.0003252621681895107, 0.00043234226177446544, 0.00034731178311631083, 0.0003390810452401638, 8.699393947608769e-05, 1.975371560547501e-05, -5.804120155517012e-05, 1.9427877759881085e-06, -3.1692134143668227e-06, -8.930277545005083e-05, -0.00012069506192347035, -0.0002603587054181844, -0.00028019410092383623, -0.0001353908737655729, -0.0002503050200175494, -0.0003216350160073489, -0.0001272775698453188, -0.0001690257340669632, -8.752819849178195e-05, -7.117046334315091e-05, -0.00011597102275118232, -0.00011402782547520474, -0.00021438166731968522, -0.00036366700078360736, -0.0002172237727791071, -0.00023567739117424935, -0.0001558012590976432, -0.0001553493639221415, -0.0002649480302352458, -0.00045725193922407925, -0.00041809750837273896, -0.0005414661136455834, -0.0004225635202601552, -0.00022975167667027563, -0.0004533527826424688, -0.0004173722118139267, -0.0004428026732057333, -0.0005711246049031615, -0.0007513973978348076, -0.0007472426514141262, -0.0007680620765313506, -0.000744642224162817, -0.0008751621353439987, -0.0008981926366686821, -0.0008946189191192389, -0.000916571356356144, -0.000989536172710359, -0.0010973679600283504, -0.001114885788410902, -0.0011248945957049727, -0.001081874710507691, -0.0009059575386345387, -0.0009249686263501644, -0.000770967046264559, -0.0008210337837226689, -0.0008455133647657931, -0.000898913771379739, -0.00084708072245121, -0.0005872243200428784, -0.0007352519314736128, -0.0006188965635374188, -0.0005934108630754054, -0.0006732573383487761, -0.0005375042674131691, -0.0004415625298861414, -0.00040457420982420444, -0.0007004673825576901, -0.0008372157462872565, -0.0007592355832457542, -0.0006875662948004901, -0.0006765096914023161, -0.0006485824123956263, -0.0007109166472218931, -0.0007217099773697555, -0.0007284348248504102, -0.000793534389231354, -0.0007864466751925647, -0.0008535606903024018, -0.0006459788419306278, -0.0007228252361528575, -0.0006639661150984466, -0.0004965869011357427, -0.0006410224596038461, -0.0005579781718552113, -0.0006641449872404337, -0.0006480215233750641, -0.0005445159622468054, -0.000602187414187938, -0.0009029891225509346, -0.0007580721285194159, -0.0006035681581124663, -0.0007743924506939948, -0.0004180488467682153, -0.00045535885146819055, -0.0006131961126811802, -0.0005483595305122435, -0.0005303082871250808, -0.0007572967442683876, -0.0009013316594064236, -0.0009219771600328386, -0.0009085718193091452, -0.0005299460026435554, -0.0005797586054541171, -0.00026170528144575655, -6.935831333976239e-05, -5.9830421378137544e-05, -0.00011825177352875471, -0.0003139308246318251, -0.00032959002419374883, -0.00034697967930696905, -0.00013435455912258476, -0.00032147529418580234, -0.00014917680528014898, -0.0001526598061900586, -3.635639222920872e-05, 7.7577649790328e-05, -9.48765518842265e-05, -0.0001389262906741351, -0.00019696044910233468, -0.0001787630608305335, -0.00019284164591226727, -0.0003350985934957862, -0.00018316936620976776, -9.051938832271844e-05, -4.793532207258977e-05, -1.2899924513476435e-05, -0.00019890174735337496, -0.00016537532792426646, -0.0001400244509568438, -9.089829109143466e-05, -2.5679120881250128e-05, -3.3444342989241704e-05, 9.41703692660667e-05, -5.7139408454531804e-05, -0.00011436315253376961, -0.00010364125046180561, -0.00020198023412376642, -0.00019424287893343717, -0.0003112957638222724, -0.0004509249411057681, -0.0003103841154370457, -0.0004207713936921209, -0.00034323937143199146, -0.00036840111715719104, -0.00031248180312104523, -0.0001098920838558115, -4.8292436986230314e-05, -0.00020211363153066486, -0.00023550355399493128, -8.074117795331404e-05, -9.789640898816288e-06, -0.00012895787949673831, -0.0001694142265478149, -0.00010454306175233796, 2.4882718207663856e-05, 8.497353701386601e-05, 7.836105942260474e-05, 0.00012288664584048092, -0.00014081968402024359, -0.0002044604771072045, -0.00014760298654437065, -0.0003573730937205255, -0.00011640146840363741, -0.00016347633209079504, -0.0001815597788663581, -1.409081278325175e-06, -5.0811111577786505e-05, -6.457698327722028e-05, -0.0001334738335572183, -2.1948320863884874e-05, 6.126353400759399e-05, -3.482909232843667e-05, 4.093423194717616e-05, 0.00017013800970744342, 0.0001874100271379575, 0.0001451521966373548, 0.0002565094328019768, 0.00025651909527368844, 0.00033231862471438944, 0.0002364161773584783, 0.00016427613445557654, 0.000337956880684942, 0.0004423307254910469, 0.00034432121901772916, 0.0002675187715794891, 0.0002729577536229044, 0.00018299475777894258, 0.00010285575990565121, 0.00018294517940375954, 6.699423101963475e-05, 3.417733023525216e-05, 9.312987822340801e-05, 0.00015216409519780427, 0.000166871483088471, 0.00011437688954174519, 7.384709169855341e-05, 5.5469328799517825e-05, -5.907241938984953e-05, 1.5008300579211209e-05, -6.117470184108242e-05, -0.0002645230561029166, -1.3274166121846065e-05, 0.0001505369000369683, -6.905366899445653e-05, -8.995526877697557e-05, -0.00018116242426913232, -7.519446808146313e-05, -0.00023208209313452244, -0.00014277170703280717, -0.00022122634982224554, 3.262690006522462e-05, -9.056845010491088e-05, -9.153014980256557e-05, -3.293513509561308e-05, 4.1489387513138354e-05, -2.9353128411457874e-05, 0.00011360536882421002, 0.0003106567601207644, 0.00022525856911670417, 0.00031747156754136086, 0.00010523040691623464, 0.00015103482292033732, 0.0002041870029643178, 0.00024462322471663356, 0.00035863323137164116, 0.00032806547824293375, 0.0004066448309458792, 0.00023086000874172896, 0.0001912237494252622, 0.00015935384726617485, 0.000138915260322392, 8.832231105770916e-05, 7.537077908637002e-05, 8.860890375217423e-05, 7.933360029710457e-05, 6.954787295399001e-06, -0.00012051482917740941, 0.00010876447049668059, -8.620223525213078e-05, -5.705130388378166e-05, 1.8241322322865017e-05, -3.2928946893662214e-06, 0.00011698648449964821, 6.429658969864249e-05, 8.647755748825148e-05, 1.691970737738302e-06, 7.621603799634613e-06, 0.00028889792156405747, 0.00033328705467283726, 0.0004429614928085357, 0.00024681579088792205, 0.00016982294619083405, 0.00010434949217597023, -3.118127278867178e-05, -8.862307004164904e-05, 9.580783807905391e-05, 1.8976184037455823e-06, 1.1520012776600197e-05, -1.5614128642482683e-05, -6.755723734386265e-05, 7.572486083518015e-06, -0.00020837532065343112, -0.00027950669755227864, -0.00026121106930077076, -0.00028469410608522594, -0.0003124539216514677, -0.00029572693165391684, -0.00022480507323052734, -0.0003247175773140043, -0.00045083381701260805, -0.0003165123926009983, -0.0004344245244283229, -0.0004403530911076814, -0.0005353629239834845, -0.000479422538774088, -0.00046483465121127665, -0.0004582938563544303, -0.00020208362548146397, -0.00027899452834390104, -0.0002890182950068265, -0.0004554332990664989, -0.000550016004126519, -0.00044109675218351185, -0.0004967647255398333, -0.00035327477962709963, -0.0003043894830625504, -0.00023893429897725582, -0.00037148772389627993, -0.000314212404191494, -0.0002820716763380915, -0.00047419164911843836, -0.0006291803438216448, -0.0006432687514461577, -0.0003830299829132855, -0.0004837371234316379, -0.0006249481812119484, -0.0005001159152016044, -0.00038008400588296354, -0.0005162838497199118, -0.0003582043864298612, -0.0003576680028345436, -0.0004197909729555249, -0.00046562112402170897, -0.0005369322025217116, -0.0004315413534641266, -0.000528331205714494, -0.0006394259398803115, -0.0005860976525582373, -0.0005253888084553182, -0.00047604087740182877, -0.0005301837809383869, -0.0005046039004810154, -0.000580430612899363, -0.0006137220188975334, -0.0007208872702904046, -0.0006437221309170127, -0.00042508941260166466, -0.00036830356111750007, -0.0005714777507819235, -0.0007789960945956409, -0.0008363740053027868, -0.0010447804816067219, -0.0010649437317624688, -0.0009860805002972484, -0.0011181059526279569, -0.0011723957723006606, -0.0007893729489296675, -0.0007188127492554486, -0.000876663951203227, -0.000726392783690244, -0.0007312308880500495, -0.0008037456427700818, -0.0009601001511327922, -0.0008775903843343258, -0.000765553442761302, -0.0007603451958857477, -0.0007510127616114914, -0.0006585665978491306, -0.000629895948804915, -0.000676872325129807, -0.0006811224156990647, -0.0007128066499717534, -0.0009252848685719073, -0.0007925147656351328, -0.0007200693362392485, -0.0006802142597734928, -0.0007925195386633277, -0.0010206970619037747, -0.0009188987896777689, -0.0008913283818401396, -0.000804924638941884, -0.0007757369894534349, -0.0008884795824997127, -0.0009242270607501268, -0.0010219053365290165, -0.0008953500655479729, -0.0009769507450982928, -0.0011242995969951153, -0.0010271889623254538, -0.0009148656972683966, -0.0009389467886649072, -0.0007372148102149367, -0.0006711315945722163, -0.0005963045405223966, -0.0004911349387839437, -0.0004839689063373953, -0.0003299947129562497, -0.00023472360044252127, -0.000460492359707132, -0.0004922265070490539, -0.0006308165029622614, -0.0006141798221506178, -0.00046038973960094154, -0.0005941307754255831, -0.00037439659354276955, -0.0004143045225646347, -0.0003031681408174336, -0.00024786879657767713, -9.881346159090754e-07, 2.8966169338673353e-06, -0.00016183206753339618, -0.0001398950262228027, -3.28940041072201e-05, -8.606523624621332e-05, -0.00012286908167880028, 9.545320790493861e-05, -0.00014868115249555558, 1.1431032362452243e-05, -0.00013452548591885716, -0.0002726400562096387, -5.906718797632493e-05, -5.458687883219682e-05, -0.0002407575520919636, -4.0119197365129367e-05, 0.0001139471132773906, 0.0001521178346592933, 0.00033582988544367254, 0.00031772948568686843, 0.00030635553412139416, 0.0003004291793331504, 0.0004488449776545167, 0.00026461645029485226, 0.00014535854279529303, 0.00031667755683884025, 0.00034148377017118037, 0.0002562963345553726, 9.536076686345041e-05, 0.00015226418327074498, 0.00022638922382611781, 0.00014767859829589725, 0.0001961469097295776, 0.0001345602358924225, -7.070005085552111e-05, 3.7384281313279644e-05, -3.267090141889639e-05, -1.0175892384722829e-05, -2.431595748930704e-05, 6.269398727454245e-05, 0.00015396189701277763, 0.00028425626805983484, 0.00031607988057658076, 0.0003513841948006302, 0.0004950366565026343, 0.0005052469205111265, 0.0005605511250905693, 0.0006323105772025883, 0.000610850693192333, 0.000632791721727699, 0.000594470591749996, 0.0004123004910070449, 0.00044828024692833424, 0.00038101919926702976, 0.00029134852229617536, 0.00035809268592856824, 0.00023037385835777968, 0.00014195819676388055, 0.00018546923820395023, 5.113426595926285e-05, 0.00024930373183451593, 0.00012611279089469463, 0.00022056377201806754, 0.00035576685331761837, 0.0004452671855688095, 0.00038895008037798107, 0.0004965630942024291, 0.0006491768290288746, 0.000777959416154772, 0.0007970299338921905, 0.0007881151395849884, 0.0007053965236991644, 0.0006750259781256318, 0.0008972397190518677, 0.0009787227027118206, 0.000984684214927256, 0.0008749188273213804, 0.0009525751229375601, 0.0010214108042418957, 0.0011477434309199452, 0.0010256314417347312, 0.0009409182239323854, 0.0009583647479303181, 0.0009291913011111319, 0.0010111375013366342, 0.0007135347696021199, 0.0007324975449591875, 0.0007369994418695569, 0.0007988648139871657, 0.000884832174051553, 0.0007110633887350559, 0.0008199499570764601, 0.0007756356499157846, 0.0009352052002213895, 0.001001126947812736, 0.0010471957502886653, 0.0012954375706613064, 0.0012547600781545043, 0.001168745686300099, 0.0011611479567363858, 0.0010443374048918486, 0.0012642109068110585, 0.0012652400182560086, 0.0012516742572188377, 0.0011965151643380523, 0.001334153930656612, 0.0011902375845238566, 0.0013519912026822567, 0.0012231856817379594, 0.0009950645035132766, 0.0011684702476486564, 0.0011537421960383654, 0.0011626648483797908, 0.0009994752472266555, 0.0010836728615686297, 0.0009070894448086619, 0.0010340354638174176, 0.0009038046118803322, 0.0007262322469614446, 0.0009184295777231455, 0.0008154868264682591, 0.0007503327215090394, 0.0006453598034568131, 0.0006136243464425206, 0.0006431068177334964, 0.0006126605439931154, 0.0005620935698971152, 0.000552434241399169, 0.0006960900500416756, 0.00035776529693976045, 0.00015317017096094787, 0.0003727256553247571, 0.00045028809108771384, 0.0003639673232100904, 0.00037714189966209233, 0.00032606563763692975, 0.00033254476147703826, 0.00047587932203896344, 0.00040589337004348636, 0.0004387965891510248, 0.000400315853767097, 0.0005310278502292931, 0.0005141061847098172, 0.000428285711677745, 0.00037474767304956913, 0.0003919366863556206, 0.00040630437433719635, 0.0002388831489952281, 0.00035440665669739246, 9.381993004353717e-05, 0.00014473003102466464, 0.0003440844884607941, 2.8669308449025266e-05, 0.00015854556113481522, 0.0002267885283799842, 0.0001407740928698331, 0.00011530222400324419, 0.00019056472228839993, 0.00020766098168678582, -4.8119534767465666e-05, -3.6221979826223105e-05, -0.00010034691513283178, -1.032852287607966e-05, -6.645086250500754e-05, 1.3742993360210676e-05, 1.7639988072915003e-05, 9.509213850833476e-05, 6.085171480663121e-05, 3.851436486002058e-05, 0.00023344886722043157, 0.0002286565868416801, 0.00027623650385066867, 0.0003003849706146866, 0.00033759104553610086, 0.0003595051821321249, 0.0005391489248722792, 0.0005886059952899814, 0.0004812403058167547, 0.0005445780116133392, 0.0005585523322224617, 0.0005574369570240378, 0.0004755995178129524, 0.00037307722959667444, 0.0004035402089357376, 0.0004757464921567589, 0.0004965091357007623, 0.00038693821988999844, 0.00045064149890094995, 0.00011916665243916214, -1.3460444279189687e-05, -1.2440101272659376e-05, -0.00018903310410678387, -3.527619264787063e-05, 5.4185027693165466e-05, 0.0001021142234094441, -2.79322102869628e-05, 2.051876435871236e-05, -7.253223157022148e-05, -8.940377483668271e-06, 9.703641990199685e-05, -5.072965723229572e-05, 0.00011351827561156824, 0.0002527034666854888, 0.00020470742310862988, 0.00025176096823997796, 6.167945684865117e-05, -1.780197817424778e-05, 0.00028454314451664686, 0.00018294627079740167, -1.1224154150113463e-05, -0.000160094685270451, -0.0002104130107909441, -0.00046142065548337996, -0.0004095093172509223, -0.0005204178160056472, -0.0005721398047171533, -0.0006292040343396366, -0.000728003797121346, -0.0007308999192900956, -0.0007975189946591854, -0.0009676516056060791, -0.0009180335910059512, -0.0007916962495073676, -0.0007958319620229304, -0.000758527428843081, -0.0007363575859926641, -0.0006494776462204754, -0.0006047541974112391, -0.0007144963019527495, -0.0006920890300534666, -0.0006106437067501247, -0.0005699465982615948, -0.0005722162313759327, -0.0007208026945590973, -0.0008634980185888708, -0.0009273883770219982, -0.0009389969054609537, -0.0009052723180502653, -0.000947975495364517, -0.0010088820708915591, -0.000764624506700784, -0.0008671694085933268, -0.0009286631247960031, -0.0007911835564300418, -0.0008894182392396033, -0.0009835227392613888, -0.0009646379039622843, -0.0009356408263556659, -0.0010454625589773059, -0.0010142989922314882, -0.0009463022579438984, -0.001057557063177228, -0.0009450604557059705, -0.0008653124677948654, -0.0010626035509631038, -0.001030420302413404, -0.0008156898547895253, -0.0006597982719540596, -0.0006586658419109881, -0.0006849204655736685, -0.00045589893124997616, -0.0004418519092723727, -0.00038671446964144707, -0.00025690460461191833, -0.0002731087733991444, -0.0002804738178383559, -0.0002752804721239954, -0.0001033805456245318, -0.00013978984497953206, -0.0001470138959120959, -0.0001499477803008631, -4.45210280304309e-05, 1.7912996554514393e-05, 0.00010620190005283803, 0.0003038486756850034, 0.0001918848283821717, 0.00015311875904444605, 0.00020309368846938014, 0.00024202898202929646, 9.07938665477559e-05, 0.0001181497354991734, 0.00016096699982881546, 0.0005037452792748809, 0.00036373449256643653, 0.00037873900146223605, 0.0005249740206636488, 0.00031165569089353085, 0.0004839114844799042, 0.00029002802330069244, 0.0001865149097284302, 0.0003253448230680078, 0.0004373983247205615, 0.0001469205744797364, 0.00011763310612877831, 0.00015415003872476518, 8.395558688789606e-05, 6.0440735978772864e-05, 7.685451237193774e-06, 7.16129070497118e-05, 0.00010851275874301791, 7.128580182325095e-05, -8.192570930987131e-06, -1.9254875951446593e-05, 6.525344360852614e-05, 0.00015955590060912073, 3.505699351080693e-05, 3.7225378036964685e-05, 1.7351418136968277e-05, 0.0001409459946444258, 6.845246389275417e-05, -2.39512537518749e-05, 4.8377973143942654e-05, 0.00012622780923265964, 0.000163534379680641, 0.0002306893584318459, 0.00027182657504454255, 0.0001360372407361865, 2.6586412786855362e-05, 8.780224743532017e-05, 5.5740059906383976e-05, -2.9072594770696014e-05, 4.7592806367902085e-05, 0.00019925918604712933, 0.0002880351967178285, 0.00011761204223148525, 0.00015803604037500918, 0.00021592238044831902, 3.7531273846980184e-05, 0.00012661008804570884, 0.0002567908668424934, 0.00011522757267812267, 0.00017221881716977805, 0.00014941352128516883, 8.327890100190416e-05, 8.984373562270775e-05, 9.666669211583212e-05, 9.821193089010194e-05, 0.00011253730917815119, 0.00014816121256444603, 0.00019463832722976804, 0.00018301419913768768, 0.0003709251177497208, 0.00041794258868321776, 0.0006273631006479263, 0.0006925978814251721, 0.000620787963271141, 0.0008146943873725832, 0.0008547326433472335, 0.0009181867935694754, 0.0009874681709334254, 0.001034787972457707, 0.0009159008041024208, 0.0009057382703758776, 0.0006588660180568695, 0.0007140159141272306, 0.000838992593344301, 0.0006019009742885828, 0.0005337031907401979, 0.0004902186919935048, 0.00038137639057822526, 0.0003385257441550493, 0.00034033352858386934, 0.0002571455843281001, 0.00014210132940206677, 0.0003037966962438077, 0.0002149909851141274, 0.00030159862944856286, 0.0005099022528156638, 0.0005754703306593001, 0.000545482209417969, 0.0007025861996226013, 0.0008384899701923132, 0.0010000079637393355, 0.0009220067295245826, 0.0007858690223656595, 0.0007776619750075042, 0.0007942456286400557, 0.0006649306160397828, 0.0008798866183497012, 0.0009243886452168226, 0.0006575606530532241, 0.000527133815921843, 0.0005251874099485576, 0.0005744463996961713, 0.00036903400905430317, 0.0002644830965436995, 0.00028876037686131895, 0.0002793754683807492, 7.967000419739634e-05, 6.180760829010978e-05, -8.138387784129009e-05, -0.0002326669782632962, -0.00014320257469080389, -0.00016968059935607016, -0.00024540151935070753, -0.00043953151907771826, -0.0006753346533514559, -0.00021223266958259046, -0.00039961919537745416, -0.00013988914724905044, -0.00019442329357843846, -0.00032259029103443027, -0.00016432057600468397, -0.0003181097563356161, -0.00031854736153036356, -0.00037759647238999605, -0.0005731211858801544, -0.0006671589217148721, -0.0005438495427370071, -0.000650559610221535, -0.0006787009770050645, -0.0007691221544519067, -0.0009178172913379967, -0.0008410044829361141, -0.0007433021091856062, -0.0008003715192899108, -0.0007554672192782164, -0.000762809650041163, -0.000745135301258415, -0.0006857821717858315, -0.0005553890368901193, -0.0006771839107386768, -0.0006515265558846295, -0.0006388869951479137, -0.0004911551368422806, -0.0004037728358525783, -0.0005521034472621977, -0.00043133506551384926, -0.000530643796082586, -0.0004890721174888313, -0.0006752845947630703, -0.0007646545418538153, -0.0006699483492411673, -0.0007938253693282604, -0.0008077772799879313, -0.0006420862628147006, -0.0007156749488785863, -0.0007277173572219908, -0.000569815922062844, -0.0008225330384448171, -0.000762260053306818, -0.0006506170611828566, -0.0007330203661695123, -0.0006120491889305413, -0.0006144967046566308, -0.0006425536121241748, -0.000573052850086242, -0.0003829139459412545, -0.00041680928552523255, -0.0004866981180384755, -0.0006193280569277704, -0.00069362239446491, -0.0006341437692753971, -0.00068074488081038, -0.0005819411599077284, -0.0007359441369771957, -0.000735022418666631, -0.0006605825037695467, -0.0006405437598004937, -0.0004532005696091801, -0.00047745558549650013, -0.00037846009945496917, -0.00033343402901664376, -0.00026753413840197027, -0.00022462192282546312, -9.492119716014713e-05, 5.041918848291971e-05, -2.6751027689897455e-05, 0.00017743658099789172, 2.15094714803854e-05, -4.4703348976327106e-05, 0.00015161126793827862, -8.064068970270455e-05, -1.83016927621793e-05, -0.00014542833378072828, -0.0003987698582932353, -0.0003977579763159156, -0.0004973982577212155, -0.0006447146879509091, -0.0007029224070720375, -0.0006600554333999753, -0.0008274560095742345, -0.0009298252989538014, -0.0008302576607093215, -0.0009104214259423316, -0.0010186517611145973, -0.0009010194917209446, -0.0008794536115601659, -0.0008245523204095662, -0.0008225275087170303, -0.0006246065022423863, -0.000494533684104681, -0.0004976348136551678, -0.0005427594296634197, -0.00046735184150747955, -0.0006149586988613009, -0.0005928986938670278, -0.0005314904847182333, -0.0005074017099104822, -0.0006489603547379375, -0.0006154840812087059, -0.0006463976460509002, -0.000877720071002841, -0.0008302198839373887, -0.0010781597811728716, -0.0009368651080876589, -0.0006896429695188999, -0.0008371659205295146, -0.0009368294267915189, -0.0009743344853632152, -0.0010808510705828667, -0.0010637670056894422, -0.0011243746848776937, -0.001123341964557767, -0.001167349866591394, -0.0009259741636924446, -0.0008623171015642583, -0.0009281812817789614, -0.0006845051539130509, -0.0008277755114249885, -0.0007734003011137247, -0.0005111779901199043, -0.0005039609386585653, -0.0002799974463414401, -0.00027469132328405976, -0.0002069829060928896, -0.000257643754594028, -0.00032182357972487807, -0.000443041994003579, -0.00038212956860661507, -0.0003023449389729649, -0.0003075052227359265, -0.0002493804204277694, -0.000497410714160651, -0.0003274310438428074, -0.00020535876683425158, -0.0003073162224609405, -0.0002447103906888515, -0.0001555196795379743, -0.000125204780488275, -0.0002411031018709764, -0.00026917102513834834, -0.00010325413313694298, -6.281739479163662e-05, -0.00011231066309846938, -0.0001943680108524859, -0.0002981178113259375, -6.505486817331985e-05, -0.00022612581960856915, -0.00012840678391512483, -3.362452480359934e-05, -0.00012629870616365224, -7.933950109872967e-05, 2.7120891900267452e-05, 8.745321792957839e-06, -3.2520703825866804e-05, 9.763116395333782e-05, 8.431015885435045e-05, 0.0002046084264293313, 0.00030407955637201667, 0.00045027383021079004, 0.00044200581032782793, 0.0003873706446029246, 0.0003409871133044362, 0.00034318192047066987, 0.0002986858889926225, 0.0003351977502461523, 0.00033496919786557555, 0.00032100436510518193, 0.00031843414762988687, 0.00019883392087649554, 2.4869441404007375e-05, -4.629744580597617e-05, 2.6540557882981375e-05, 1.5626497770426795e-05, 3.4466054785298184e-05, -1.1302765869913856e-06, 1.9271052224212326e-05, 0.00017494490020908415, -9.973633859772235e-05, -0.00014157718396745622, 5.2998235332779586e-05, 8.476595394313335e-05, 0.00022313349472824484, 0.0004285427276045084, 0.0005004663835279644, 0.000464259268483147, 0.0005052026244811714, 0.000427346327342093, 0.0004857539024669677, 0.0004440863849595189, 0.0006078722653910518, 0.000579240033403039, 0.00045485806185752153, 0.0006154367583803833, 0.000592550088185817, 0.0005740872002206743, 0.000549317745026201, 0.0004005350638180971, 0.0006811877246946096, 0.0008294491562992334, 0.0006457029958255589, 0.0008373919408768415, 0.0008014885825105011, 0.0007221574778668582, 0.0008156410185620189, 0.0008479690877720714, 0.0008296129526570439, 0.0008108007605187595, 0.0006718265358358622, 0.0008484313730150461, 0.0010220500407740474, 0.0008434810442849994, 0.0008011362515389919, 0.0008877122309058905, 0.001156061771325767, 0.00121413788292557, 0.0011943188728764653, 0.0014189179055392742, 0.001383156981319189, 0.0015132027911022305, 0.0014213536633178592, 0.0014511898625642061, 0.0012551157269626856, 0.0012736483477056026, 0.001101201050914824, 0.0010495494352653623, 0.0009453319362364709, 0.0008530402556061745, 0.0009213033481501043, 0.0008353412849828601, 0.0007803598418831825, 0.0009558130986988544, 0.0008174912654794753, 0.0009612399735487998, 0.0008431367459706962, 0.0009115715511143208, 0.0009033437236212194, 0.0008488968596793711, 0.0009170742705464363, 0.0006809303304180503, 0.0008316918392665684, 0.0009407522156834602, 0.0009101137984544039, 0.0009348414023406804, 0.0008881922694854438, 0.001075987471267581, 0.001050742925144732, 0.0011215289123356342, 0.0010888183023780584, 0.001111073768697679, 0.0011437401408329606, 0.001183540909551084, 0.0012426219182088971, 0.000971065426710993, 0.0009451171499677002, 0.0011285177897661924, 0.0010938994819298387, 0.0011174448300153017, 0.0009301594109274447, 0.0008462159894406796, 0.0008756692986935377, 0.0009368485771119595, 0.0009167259559035301, 0.0007991904858499765, 0.0007621683762408793, 0.0007524422253482044, 0.000781005946919322, 0.0007531159208156168, 0.000958489952608943, 0.0010399195598438382, 0.0009132399572990835, 0.0007611720357090235, 0.0008449848392046988, 0.0007920836796984076, 0.0008304621442221105, 0.0008486494771204889, 0.0007532351883128285, 0.0008279656758531928, 0.0005360818468034267, 0.0005170101649127901, 0.0005402196547947824, 0.00047624227590858936, 0.0005006364081054926, 0.0003489441005513072, 0.00032243566238321364, 0.00038514513289555907, 0.00028510697302408516, 0.0003523388004396111, 0.0005471518379636109, 0.0005102143040858209, 0.0005565989995375276, 0.00048400380183011293, 0.0003789723850786686, 0.00032147657475434244, 0.000308105256408453, 0.0004237675457261503, 0.0004368938971310854, 0.0003698572108987719, 0.00033061689464375377, 0.0003864076570607722, 0.0003259352524764836, 8.616773266112432e-05, 0.00021643850777763873, 8.314113802043721e-05, 0.00015464586613234133, 0.00022109718702267855, 0.00010709036723710597, 0.00014670331438537687, 4.054442615597509e-05, -0.00014770118286833167, -0.0001362606417387724, -4.4894626626046374e-05, 7.735409781162161e-06, -5.812773815705441e-05, 1.1091640772065148e-05, -3.728193405549973e-05, 7.67161909607239e-05, -1.0370989912189543e-05, 8.538721885997802e-05, 0.0003162162029184401, 9.811214113142341e-05, 0.00017104773723986, 0.00012617350148502737, 0.00010966401896439493, 0.0002972335205413401, 0.0003747310256585479, 0.0004661441780626774, 0.00044093586620874703, 0.00047561651444993913, 0.00043936280417256057, 0.0002615064731799066, 0.000335409480612725, 0.000264885340584442, 0.00012575941218528897, 1.4484657185676042e-05, -7.974745676619932e-05, -5.099202098790556e-05, 6.699345976812765e-05, -1.9328272173879668e-05, -0.000207217744900845, -0.0004389924870338291, -0.00044148575398139656, -0.0004988719592802227, -0.0005559258861467242, -0.0005620442680083215, -0.0005794305470772088, -0.000555174017790705, -0.00045247175148688257, -0.0003919396549463272, -0.0005457323859445751, -0.000540035602170974, -0.0004775318084284663, -0.0005118731060065329, -0.0003496938734315336, -0.0004286099865566939, -0.0002387763379374519, -0.00038204589509405196, -0.0003703722613863647, -0.00028987243422307074, -0.000334699172526598, -0.0003057817230001092, -0.0005151255754753947, -0.00046812070650048554, -0.0005124251474626362, -0.0005822602543048561, -0.0006395844975486398, -0.0005774604505859315, -0.0005513174110092223, -0.0005914842477068305, -0.0006494317785836756, -0.0006508164806291461, -0.0007993903709575534, -0.0006815344677306712, -0.0006650121067650616, -0.000765926786698401, -0.0008212780230678618, -0.0009953384287655354, -0.0011335648596286774, -0.0010266330791637301, -0.001100177294574678, -0.0011940106051042676, -0.0011309039546176791, -0.0010560153750702739, -0.0010411035036668181, -0.0011547283502295613, -0.0010337026324123144, -0.001110681681893766, -0.001068275305442512, -0.0009841835126280785, -0.0010970613220706582, -0.00118300411850214, -0.00123508065007627, -0.0011562089202925563, -0.0011039060773327947, -0.0009787922026589513, -0.0010313966777175665, -0.0011106935562565923, -0.001151570468209684, -0.0012322040274739265, -0.001231917180120945, -0.0012170731788501143, -0.0012156072771176696, -0.0011283298954367638, -0.001091630314476788, -0.0008974408265203238, -0.0007863602368161082, -0.0006930910749360919, -0.0005907250451855361, -0.0004799985617864877, -0.0005268038948997855, -0.00039837873191572726, -0.00023004710965324193, -0.00010745197505457327, -0.00030905395396985114, -0.0004194062785245478, -0.00041368327219970524, -0.0005546444444917142, -0.0004766919882968068, -0.0005832536844536662, -0.0006185878883115947, -0.0004864010261371732, -0.0005743924411945045, -0.0007029401022009552, -0.0006784858996979892, -0.0006535904831252992, -0.0005034719943068922, -0.0006285922136157751, -0.00048206516657955945, -0.000600639556068927, -0.0004500726645346731, -0.0003264618571847677, -0.0002463397686369717, -0.00013645560829900205, -0.0002071334602078423, -0.00010529999417485669, -0.00011035666830139235, -5.7062046835199e-05, -0.00031683407723903656, -0.00030293254530988634, -0.00021065212786197662, -0.00043294651550240815, -0.0005251524853520095, -0.0005649549420922995, -0.0005782837397418916, -0.0005330141866579652, -0.00069825304672122, -0.0006829160265624523, -0.0006094920099712908, -0.000637629593256861, -0.0008958271355368197, -0.0008934811339713633, -0.0009209649288095534, -0.0008634523255750537, -0.0008432649774476886, -0.000817255990114063, -0.000669781700707972, -0.0006068272632546723, -0.00033209737739525735, -0.0003126427181996405, -0.0002944455191027373, -0.00027544880867935717, -0.0002759401686489582, -0.00031618913635611534, -0.00013991264859214425, 0.00010100602958118543, 0.00010208887397311628, 1.9428272935329005e-05, 0.00013184777344577014, 0.00011893967166543007, 0.00020593154476955533, 0.00017293258861172944, 0.0002668020024430007, 0.0003699608496390283, 0.0003832773072645068, 0.0004522829840425402, 0.00032322286278940737, 0.00012009142665192485, 0.00010158686927752569, 0.0003076469001825899, 0.00011732333950931206, 8.946843445301056e-05, 8.813494787318632e-05, -0.0001293774403166026, -0.00018376905063632876, -0.0003963781928177923, -0.0002235573629150167, -7.72704224800691e-05, -0.00028711676714010537, 5.288922693580389e-05, -0.00011593316594371572, 7.923624070826918e-05, -4.523624374996871e-05, -0.00014849465514998883, 3.318564631626941e-05, -0.00021627858222927898, 0.0002067255845759064, 2.7339692678651772e-05, 0.00010892233694903553, 0.0002243815833935514, 4.105042899027467e-05, -0.0001566271239425987, -0.0002569166535977274, -4.867518873652443e-05, -0.00013668251631315798, -3.087353661612724e-06, -0.00020184986351523548, 1.6772557501099072e-05, 5.760496424045414e-05, -0.00010178322554565966, -4.3130592530360445e-05, -4.723832171293907e-05, -6.559356552315876e-05, 0.00013556958583649248, 0.00017091925838030875, 7.765770715195686e-05, -5.655120548908599e-05, -0.00015077464922796935, 7.505012035835534e-05, 4.1504245018586516e-05, 2.0892248357995413e-05, 7.605661085108295e-05, -4.639144754037261e-05, -0.00012186841922812164, -0.00019174038607161492, -0.0002242410701001063, -0.0001115286722779274, -5.381624578149058e-05, -0.0001444175431970507, -0.0003140170010738075, -0.0003924076445400715, -0.00043565849773585796, -0.0005623726174235344, -0.0005060441908426583, -0.00046083435881882906, -0.00043572185677476227, -0.0004204749711789191, -0.0004941784427501261, -0.0006043591420166194, -0.0003574628208298236, -0.0006514964625239372, -0.0007605502614751458, -0.00048863235861063, -0.0006948575028218329, -0.0006318762898445129, -0.00045550160575658083, -0.00037490625982172787, -0.000543583941180259, -0.00045908280299045146, -0.00023837119806557894, -0.00028229053714312613, -0.00020898363436572254, -0.0003026868507731706, -0.0001882373762782663, -0.00029646867187693715, -0.00033719741622917354, -0.00011230751988478005, -9.2239526566118e-05, -2.3995480660232715e-05, 4.072545198141597e-05, -2.019550265686121e-05, -4.253241422702558e-05, -0.0001374719722662121, -0.00022174918558448553, -0.0003855533723253757, -0.00031576817855238914, -0.0002658505109138787, -0.00041023906669579446, -0.0003362701099831611, -0.0005307130631990731, -0.000550531258340925, -0.0006195424357429147, -0.0006273298640735447, -0.0006247207056730986, -0.0007363897166214883, -0.0006801385316066444, -0.0007222665590234101, -0.0006616018945351243, -0.0007696986431255937, -0.0006789255421608686, -0.0006180687923915684, -0.0006890952354297042, -0.0006060874438844621, -0.0008350033895112574, -0.0008060479303821921, -0.0006509944796562195, -0.0005172719247639179, -0.0005391667946241796, -0.0005869545857422054, -0.0005523132858797908, -0.0005978225963190198, -0.0005517961108125746, -0.0005447551375254989, -0.0004733529931399971, -0.0005847373395226896, -0.0006498749717138708, -0.0005995380925014615, -0.0006031615776009858, -0.0006383582949638367, -0.000735103094484657, -0.0006696159834973514, -0.0007158008520491421, -0.0008272429695352912, -0.0008995193056762218, -0.001143277739174664, -0.0010578121291473508, -0.0011283861240372062, -0.0010591302998363972, -0.0010843629715964198, -0.001264047110453248, -0.001366613432765007, -0.0013715969398617744, -0.0012802009005099535, -0.0012880191206932068, -0.0011854417389258742, -0.001238552387803793, -0.0012796269729733467, -0.0012192465364933014, -0.001111512421630323, -0.0012834437657147646, -0.0012600964400917292, -0.0011548144975677133, -0.0010875383159145713, -0.0010857036104425788, -0.0009328333544544876, -0.0010116624180227518, -0.0011948298197239637, -0.0010651126503944397, -0.0010227254824712873, -0.0008492415654473007, -0.0008222502074204385, -0.0007985190022736788, -0.0010813657427206635, -0.0010593264596536756, -0.000744918710552156, -0.0007745949551463127, -0.0006327561568468809, -0.0009659189381636679, -0.0009155038860626519, -0.0009288845467381179, -0.0009075531270354986, -0.0008435043273493648, -0.0009402753785252571, -0.0011537616373971105, -0.0011266490910202265, -0.001096557010896504, -0.0011927998857572675, -0.0012369828764349222, -0.0012068544747307897, -0.001306205173023045, -0.001265768543817103, -0.0009447825723327696, -0.000636960263364017, -0.0007058640476316214, -0.000705599260982126, -0.0005970558850094676, -0.0003823554434347898, -0.00026214896934106946, -0.00040310501935891807, -0.0002834344340953976, -0.00025428683147765696, -0.00015152367996051908, -0.00014659794396720827, -0.0001317406422458589, -0.00027654075529426336, -0.0001255750103155151, 1.9997234630864114e-05, 0.00011330348934279755, 9.370817861054093e-05, 0.000175207678694278, 9.65842409641482e-05, -4.05927539759432e-06, 7.830202230252326e-05, 0.00021131194080226123, 0.00023306369257625192, 0.0001526535052107647, 8.226960198953748e-05, 0.0001346110802842304, 0.0001245055318577215, 0.00033300553332082927, 0.0003721822577062994, 0.000516649684868753, 0.0007001187768764794, 0.0005550446221604943, 0.0006483427132479846, 0.0008413430768996477, 0.0010262017603963614, 0.0010294528910890222, 0.0010516447946429253, 0.0010887988610193133, 0.0010552788153290749, 0.0008626233320683241, 0.0008427586872130632, 0.0010203764541074634, 0.0009387989994138479, 0.000920517195481807, 0.0008172618108801544, 0.0008840600494295359, 0.000933268282096833, 0.0007976886699907482, 0.000874979654327035, 0.0008277584565803409, 0.0008439560187980533, 0.0007895874441601336, 0.0007277631084434688, 0.0007328017964027822, 0.0006794515065848827, 0.0008535688393749297, 0.0009255201439373195, 0.000978408264927566, 0.000899801729246974, 0.0009335772483609617, 0.0010166650172322989, 0.0010189205640926957, 0.0011608015047386289, 0.0011225411435589194, 0.0010889620753005147, 0.0010571968741714954, 0.0011242444161325693, 0.00117566401604563, 0.0014346633106470108, 0.0013502439251169562, 0.0012947408249601722, 0.0011126197641715407, 0.001123804715462029, 0.0013479974586516619, 0.001397982006892562, 0.001273853937163949, 0.001127438503317535, 0.0011376613983884454, 0.0008943010470829904, 0.0009439875721000135, 0.0011913159396499395, 0.0012295646592974663, 0.0010643706191331148, 0.0012150416150689125, 0.0013437324669212103, 0.0012943398905918002, 0.0010826237266883254, 0.0010616027284413576, 0.0012524747289717197, 0.0014641203451901674, 0.0012273648753762245, 0.0008510393090546131, 0.0010778075084090233, 0.0009304723353125155, 0.001037327921949327, 0.0009017129777930677, 0.0008191693923436105, 0.0006763747078366578, 0.0007607356528751552, 0.0011625401675701141, 0.0010734574170783162, 0.0011012586764991283, 0.001082697999663651, 0.0011430151062086225, 0.0010660703992471099, 0.0010289734927937388, 0.0011706644436344504, 0.0012784944847226143, 0.001346693141385913, 0.0014116005040705204, 0.0014139872509986162, 0.0014293440617620945, 0.0014508990570902824, 0.001532018999569118, 0.0015617180615663528, 0.0015726216370239854, 0.0014924731804057956, 0.0011998397530987859, 0.0011952309869229794, 0.0012494599213823676, 0.001380493980832398, 0.0011496830265969038, 0.0009750875760801136, 0.0009585334337316453, 0.0010935020400211215, 0.0010630771284922957, 0.0009996556909754872, 0.001043979194946587, 0.0011323720682412386, 0.0012287124991416931, 0.0009526069625280797, 0.0008437224314548075, 0.0007816467550583184, 0.0008409032598137856, 0.000756925786845386, 0.0008164002210833132, 0.0007781994063407183, 0.0005421117530204356, 0.0005583275342360139, 0.0005165644106455147, 0.0005932972999289632, 0.0006111016264185309, 0.0006893022218719125, 0.0006595884915441275, 0.000584009918384254, 0.0006405984167940915, 0.0006778741953894496, 0.0008998110424727201, 0.000931640388444066, 0.0008319228072650731, 0.0008695900905877352, 0.0006810308550484478, 0.0006884067552164197, 0.0007987741264514625, 0.0008369830902665854, 0.0007547091809101403, 0.0007596321520395577, 0.0006937736761756241, 0.0006516454741358757, 0.0008360466454178095, 0.000921663420740515, 0.0009496801649220288, 0.0009100190363824368, 0.0009675931069068611, 0.0008364508394151926, 0.000895603618118912, 0.0007940101204439998, 0.0004981362726539373, 0.0006367381429299712, 0.0004582889087032527, 0.0003744986606761813, 0.0006297524087131023, 0.0004636966623365879, 0.0005853421171195805, 0.0004989496082998812, 0.00048707122914493084, 0.00029289742815308273, 0.0003916748391930014, 0.0006666059489361942, 0.000526132236700505, 0.00038855167804285884, 0.0006131533882580698, 0.0005113374791108072, 0.0006523150950670242, 0.0006714457995258272, 0.000424756552092731, 0.0004090977890882641, 0.0004594144120346755, 0.0004617453378159553, 0.00047834543511271477, 0.00031617461354471743, 0.00021947153436485678, 0.0002537725667934865, 5.406225682236254e-05, 9.978884918382391e-06, 2.5185905542457476e-05, 1.0130350347026251e-05, -0.00019636935030575842, -0.0002794660103973001, -0.0002640983439050615, -0.00039199533057399094, -0.0003944937197957188, -0.0003060747985728085, -0.0002539055421948433, -0.00025635823840275407, -0.0002767620899248868, -0.0002982227015309036, -0.0001545756822451949, -0.00028196777566336095, -0.000441725947894156, -0.0006510637467727065, -0.0008354448946192861, -0.0006703499238938093, -0.0005853760521858931, -0.0005093057989142835, -0.0007372754625976086, -0.0009207168477587402, -0.0008807326667010784, -0.0006580821936950088, -0.0006990102701820433, -0.0007375054992735386, -0.0008046956500038505, -0.0008348531555384398, -0.00084336829604581, -0.0006757564842700958, -0.00049911456881091, -0.0008577638072893023, -0.0007410484249703586, -0.0005207142676226795, -0.0006122342310845852, -0.0007715500541962683, -0.0006106281070969999, -0.0005827511195093393, -0.0006250528967939317, -0.00041407375829294324, -0.0002797771885525435, -0.00013346152263693511, -0.0003512470284476876, -0.00024436123203486204, -0.00027367760776542127, -0.00028667019796557724, -0.00010788204963319004, -3.4064800274791196e-05, -0.00018612366693560034, -0.0002598661230877042, -0.00037050238461233675, -0.00026696562417782843, -0.00028140851645730436, -0.00030562892789021134, -0.00044001941569149494, -0.0005063555436208844, -0.000648424553219229, -0.0006121120532043278, -0.0005674684070982039, -0.000621275685261935, -0.0007170166354626417, -0.0007193179917521775, -0.0008532278588972986, -0.0008611022494733334, -0.0008610694785602391, -0.0009639645577408373, -0.0008647206705063581, -0.0009578464087098837, -0.0011299928883090615, -0.0012327154399827123, -0.0012899527791887522, -0.0012505159247666597, -0.0011694858549162745, -0.0011604803148657084, -0.0011023984989151359, -0.0007806994253769517, -0.0006137609598226845, -0.0007269553025253117, -0.0007450624834746122, -0.0006361466366797686, -0.0005015777423977852, -0.00032239314168691635, -0.0004857824242208153, -0.0005374748725444078, -0.0005185682675801218, -0.00042504319571889937, -0.00047173071652650833, -0.0004189631436020136, -0.00043566751992329955, -0.00048804833204485476, -0.00036226585507392883, -0.00043875162373296916, -0.00044299496221356094, -0.0005029232124798, -0.0004805132048204541, -0.00047016676398925483, -0.0005847730790264904, -0.0006305991555564106, -0.0005155386170372367, -0.000442389864474535, -0.0004159745294600725, -0.0003949458769056946, -0.0006148787215352058, -0.0005262125050649047, -0.000345073698554188, -0.00023087421141099185, -0.00023407046683132648, -0.00029666160116903484, -0.0004019556799903512, -0.00031254845089279115, -0.00041191483614966273, -0.00041748679359443486, -0.0004390868416521698, -0.0006146039813756943, -0.0005934262298978865, -0.0005483488203026354, -0.0005383020616136491, -0.0006225415854714811, -0.0007808649679645896, -0.0008244473719969392, -0.0006617219187319279, -0.0005596241680905223, -0.0004786674107890576, -0.0004606978327501565, -0.000490883830934763, -0.00054281170014292, -0.0004950840957462788, -0.000292386015644297, -0.0003276975476182997, -0.00041521116509102285, -0.0002854775229934603, -9.036698611453176e-05, 7.014658331172541e-05, -0.00010281652794219553, 3.118683525826782e-05, -0.0001218118704855442, -0.00031768085318617523, -0.00031421962194144726, -0.0001481525250710547, 0.0001254952367162332, 0.000140636446303688, 0.00011447520228102803, 5.9946291003143415e-05, 3.097853550571017e-05, -5.4073825594969094e-05, -3.643768286565319e-05, -9.82718265731819e-05, -8.445965067949146e-05, -0.00016417496954090893, 3.8215566746657714e-05, -5.205041452427395e-05, -3.881310112774372e-05, 0.00016272404172923416, 0.0001607008744031191, 0.0002045264554908499, 0.00029260138398967683, 0.0004357128927949816, 0.0005218468140810728, 0.0005108928889967501, 0.0004086730186827481, 0.0004615010693669319, 0.0005393000901676714, 0.0005283507052809, 0.0005932907806709409, 0.0006172599969431758, 0.0006705936975777149, 0.0007135747582651675, 0.0008003367111086845, 0.0006522093899548054, 0.000608360453043133, 0.0008047088049352169, 0.0005269845132716, 0.00048412487376481295, 0.00037762915599159896, 0.0004491900617722422, 0.0004176177317276597, 0.0006539430469274521, 0.0007117165368981659, 0.0006496029673144221, 0.0008088388713076711, 0.0008416662458330393, 0.0008242196054197848, 0.000862586370203644, 0.0010212984634563327, 0.0010337302228435874, 0.0010853157145902514, 0.001084044692106545, 0.0011900973040610552, 0.0012962989276275039, 0.0012420908315107226, 0.0011015128111466765, 0.0012771149631589651, 0.0013879045145586133, 0.001417933963239193, 0.0014180446742102504, 0.0013763383030891418, 0.0015051669906824827, 0.0016051371349021792, 0.001437943079508841, 0.0015116233844310045, 0.0014252836117520928, 0.0015136628644540906, 0.0014171096263453364, 0.0011454577324911952, 0.0012398430844768882, 0.0011734982253983617, 0.0012643656227737665, 0.0012412440264597535, 0.0011924202553927898, 0.00108159682713449, 0.0009417160763405263, 0.0008958634571172297, 0.001003085752017796, 0.0009403733420185745, 0.0009997307788580656, 0.0009039645665325224, 0.0009086715872399509, 0.0011056296061724424, 0.0011363785015419126, 0.0010792481480166316, 0.0010855415603145957, 0.0009164467919617891, 0.0009265979169867933, 0.0011584472376853228, 0.0011689173988997936, 0.0012201605131849647, 0.0011892062611877918, 0.0012620033230632544, 0.0011431401362642646, 0.0008950610645115376, 0.0007983453688211739, 0.0005995536339469254, 0.00047559503582306206, 0.0007195440120995045, 0.0005138818523846567, 0.00028589757857844234, 0.00021249307610560209, 0.00022415135754272342, 9.283497638534755e-05, 0.00013737792323809117, 0.00018518259457778186, 0.00023496325593441725, 0.00023585047165397555, -4.555922350846231e-05, 3.1780607969267294e-05, -8.262987648777198e-06, -8.203022298403084e-05, 4.588240699376911e-05, 1.59846185852075e-05, 0.00011684677883749828, 0.000134121990413405, 0.0001969335862668231, 0.0002277228340972215, 0.00010442084021633491, 0.00037871618405915797, 0.0001738524588290602, 6.260387453949079e-05, 0.0002328793052583933, 0.0001989520387724042, 0.00016543094534426928, 6.206931720953435e-05, 0.00013206704170443118, -4.242618615535321e-06, 2.2174406694830395e-05, 0.00010793915134854615, -2.1261990696075372e-05, 2.8627694064198295e-06, 2.9474867915268987e-05, 2.7261001378064975e-05, -0.00013364657934289426, -6.407018372556195e-05, -0.00010982220555888489, -0.00011108661419712007, -0.00012531722313724458, -0.00023182535369414836, -0.00023019511718302965, -0.00026760780019685626, -0.0002722353965509683, -0.00029407275724224746, -0.00024323107209056616, -0.0002706924278754741, -0.00033297407208010554, -0.00032523745903745294, -0.00048745275125838816, -0.0003262241370975971, -0.0004825074865948409, -0.00033116486156359315, -0.00039629783714190125, -0.0007006940431892872, -0.0004564194823615253, -0.0007114159525372088, -0.0006039303843863308, -0.0008658912847749889, -0.0009079068549908698, -0.0009523328044451773, -0.0011498067760840058, -0.0010269860504195094, -0.00116554310079664, -0.0011114656226709485, -0.0011196993291378021, -0.0008428798755630851, -0.0009440129506401718, -0.0009824560256674886, -0.0009106709621846676, -0.0010832002153620124, -0.0008440575911663473, -0.0008806231780909002, -0.000983504462055862, -0.0009541797335259616, -0.0009564844076521695, -0.0009224117384292185, -0.0009486229973845184, -0.0007767225615680218, -0.0009112446568906307, -0.0009392005740664899, -0.0009081228054128587, -0.0009283411200158298, -0.0009774466743692756, -0.0010785131016746163, -0.0010178632801398635, -0.0009810507763177156, -0.0011583395535126328, -0.0012217274634167552, -0.0012254836037755013, -0.001301427953876555, -0.0013283363077789545, -0.0010950086871162057, -0.0010572096798568964, -0.0010074496967718005, -0.0008997114491648972, -0.0010518967173993587, -0.0009118181187659502, -0.0009471867233514786, -0.0009478398133069277, -0.0007945938850753009, -0.0007524134707637131, -0.0007721873698756099, -0.0009301048703491688, -0.0007034449372440577, -0.0006123516941443086, -0.0005745115340687335, -0.000621365790721029, -0.0006011446821503341, -0.0006408203626051545, -0.0007299779099412262, -0.0006994601571932435, -0.0006677214987576008, -0.0007331116939894855, -0.0005891334149055183, -0.0004742464516311884, -0.000529225857462734, -0.0005071316263638437, -0.0004801686154678464, -0.0005259732133708894, -0.000534563441760838, -0.00047992519102990627, -0.0005992241785861552, -0.0005345717072486877, -0.0005080419941805303, -0.0006544147036038339, -0.0006655018660239875, -0.0006011133664287627, -0.0006624672678299248, -0.0009435219690203667, -0.0007200451218523085, -0.0007473349687643349, -0.0006413271185010672, -0.0007461460190825164, -0.0006269094301387668, -0.0007296425173990428, -0.000653947121463716, -0.000549852498807013, -0.0006662410451099277, -0.0005468071321956813, -0.0006326916627585888, -0.0006812633364461362, -0.0007339778821915388, -0.0006210579304024577, -0.0005681494949385524, -0.00042851618491113186, -0.0003284584963694215, -0.0006294334889389575, -0.0005792747833766043, -0.0004866097297053784, -0.0005034436471760273, -0.000593616918195039, -0.000567760958801955, -0.0006238560890778899, -0.0005121473222970963, -0.00018659378110896796, -0.00025314249796792865, -0.0003240295918658376, -0.0001252923539141193, 5.371171573642641e-05, 0.0001062446171999909, 1.9105706087430008e-05, 0.00021300808293744922, 0.0001152977129095234, 5.9035261074313894e-05, 0.00027310222503729165, 0.0001667109754635021, 0.00010328003554604948, 0.00021399818069767207, -3.9310518332058564e-05, -0.00018539965094532818, -2.3753723326080944e-06, -8.821488154353574e-05, -0.00027790595777332783, -0.00015912443632259965, -0.00024029331689234823, -0.00036396211362443864, -0.0002298274339409545, -0.00047625775914639235, -0.0004805093922186643, -0.0003767608432099223, -0.00031220147502608597, -0.00039439357351511717, -0.0004275473766028881, -0.0006301420507952571, -0.0004654356453102082, -0.00024659265181981027, -0.0003287931904196739, -0.00027972881798632443, -0.00036028894828632474, -0.00033077821717597544, -0.00035235777613706887, -0.0003907394711859524, -0.00030398069065995514, -0.00046870645019225776, -0.0006166824605315924, -0.0005719165201298892, -0.0004992611357010901, -0.0006531387916766107, -0.0006266034324653447, -0.0006903226021677256, -0.0008125110762193799, -0.0007755875703878701, -0.0007743050227873027, -0.0009960047900676727, -0.0010500146308913827, -0.0012103617191314697, -0.0009434054954908788, -0.0010460368357598782, -0.000962393416557461, -0.0006739218952134252, -0.0006535523571074009, -0.0005214432021602988, -0.00041807422530837357, -4.063251617481001e-05, -0.00011786903633037582, -1.9777820853050798e-05, -0.0001268663618247956, -8.17810941953212e-05, -8.714384603081271e-05, -3.4236323699587956e-05, 8.345045353053138e-05, 8.604119648225605e-05, 9.443124145036563e-05, 3.75526724383235e-05, -0.00012478373537305743, 1.903604243125301e-05, -0.00011833780445158482, -0.00019838701700791717, -4.624725625035353e-05, 0.00011498733510961756, 3.686817944981158e-05, -1.4306081538961735e-05, 2.3128209249989595e-06, -1.7798483895603567e-05, -0.0001736461854306981, -0.00028296964592300355, -0.00036744476528838277, -0.00023705809144303203, -0.00019064922526013106, -6.91398381604813e-05, -0.00014240715245250612, -0.0002769961429294199, -4.02935802412685e-05, -4.3932057451456785e-05, -2.5766841645236127e-05, 0.00016558576317038387, 0.00021502726303879172, 0.00014945556176826358, 8.454453927697614e-05, 0.00010451064736116678, 0.00014574344095308334, 9.983325435314327e-05, 5.9573347243713215e-05, 2.313920049346052e-05, 2.695806324481964e-05, 3.478203871054575e-05, 6.897107959957793e-05, 7.891911081969738e-06, -8.136935502989218e-05, 8.80628140293993e-05, 0.00012586195953190327, -5.2515115385176614e-05, -6.0685099015245214e-05, -6.562716589542106e-05, 0.0001921081857290119, 0.00010177370859310031, 7.541326340287924e-05, 0.00010715283133322373, 0.00021128404478076845, 0.0003163107321597636, 0.000251282675890252, 0.00028494768775999546, 0.0002118276315741241, 0.00026452919701114297, 0.00042633700650185347, 0.0005872644251212478, 0.0006985636427998543, 0.0007742083980701864, 0.0006747933221049607, 0.0005974816740490496, 0.0006521926843561232, 0.0007451733108609915, 0.0007775435224175453, 0.0007439770270138979, 0.0007852184353396297, 0.0006967299850657582, 0.0007722117588855326, 0.0008984273881651461, 0.0007381093455478549, 0.0007736178813502192, 0.0007694635423831642, 0.0007457485189661384, 0.0008773577865213156, 0.0009237974882125854, 0.0009382173302583396, 0.0007930548745207489, 0.0008954117656685412, 0.000845916336402297, 0.0008498348179273307, 0.0008148220949806273, 0.0007316045230254531, 0.0007457590545527637, 0.0008513550856150687, 0.0008186644408851862, 0.0007458195323124528, 0.0007908475236035883, 0.0004586464783642441, 0.0005741213681176305, 0.0006100050522945821, 0.0004216953238938004, 0.0005004951381124556, 0.0005717189633287489, 0.0004776701098307967, 0.0003627931291703135, 0.0003095014253631234, 0.0002427277941023931, 0.00020777556346729398, 0.00037329510087147355, 0.0003153894213028252, 0.0004031033313367516, 0.000496530148666352, 0.00043572866707108915, 0.0004633077187463641, 0.0002379759243922308, 0.00023991167836356908, 0.00024164603382814676, 0.00022782514861319214, 0.00022836877906229347, 0.00021228268451523036, 0.0002524035226088017, 0.00021090033988002688, 0.00016808221698738635, 2.013135417655576e-05, 7.563068356830627e-05, 0.00015690668078605086, 0.0002870827738661319, 0.00034771495847962797, 0.00013820987078361213, 7.515389734180644e-05, 0.00017634965479373932, 0.00017442935495637357, 0.00024006534658838063, 8.595347026130185e-05, 6.467586354119703e-05, 0.00013068909174762666, 0.0002695342118386179, 4.9105332436738536e-05, 6.74130060360767e-05, 0.00021070745424367487, 9.378695540362969e-05, 0.0001811376860132441, 2.847550240403507e-05, -6.994401337578893e-05, -0.00019829261873383075, -0.0001271932414965704, 1.787677865650039e-05, 4.7425586672034115e-05, 0.00016224131104536355, 0.0002539051929488778, 0.00017291985568590462, 4.2075171222677454e-05, 0.0001513090101070702, 7.439405180775793e-06, 1.1777054169215262e-05, 0.00017784560623113066, 7.603246922371909e-05, 0.0001501803199062124, 0.00016027050151024014, -5.1980118769279215e-06, -5.0952839956153184e-05, -9.654797031544149e-05, -7.603363337693736e-05, -0.00014400835789274424, 8.102202991722152e-05, 0.00010386799112893641, 3.206463952665217e-05, -0.0001541490782983601, -0.00026524040731601417, -0.00018017472757492214, -0.0001488614798290655, -9.18506793823326e-06, -0.0001937636116053909, -0.0001239900739165023, -0.00012059271830366924, -0.00020077622320968658, -7.472332799807191e-05, -0.00011765419185394421, -0.00010825781646417454, -0.00014661198656540364, 0.00016920988855417818, 4.278730193618685e-05, 6.0307120293146e-05, 0.00025837947032414377, 2.297417086083442e-05, 1.5136599358811509e-05, -8.093663200270385e-05, -0.00013530706928577274, -0.00018081879534292966, -2.5383675165358e-05, 0.0001579298113938421, 0.00022667174926027656, 8.155395335052162e-05, 9.054341353476048e-05, -2.7158997909282334e-05, -6.41720907879062e-05, -2.5070814444916323e-05, -0.00011229686060687527, 1.3106301594234537e-05, -1.4046836440684274e-05, -0.00011608906788751483, -0.00018822822312358767, -0.00018329020531382412, -0.0002191993989981711, -0.00024363037664443254, -0.00014573427324648947, 5.012432666262612e-05, 1.3955831491330173e-05, 6.417561235139146e-05, 3.4122378565371037e-05, 4.43345052190125e-05, 7.592658948851749e-05, 7.053023000480607e-05, 0.0001972952886717394, 4.815013016923331e-05, -6.0081689298385754e-05, -6.904309702804312e-05, -4.5200984459370375e-05, 0.00016509737179148942, 7.017237658146769e-05, 3.7433601391967386e-05, 0.00013085687533020973, 0.00010818198643391952, 0.00019033531134482473, 0.00015956898278091103, 9.867647895589471e-05, 5.92962205701042e-05, 0.00020082862465642393, 0.0001577055372763425, 0.0002890698378905654, 0.00032724757329560816, 0.0002663008344825357, 0.0003395076491869986, 0.00035961897810921073, 0.0003176005557179451, 0.00029779269243590534, 0.0002397137723164633, 0.00014312034181784838, 0.0002653904084581882, 0.0003229191934224218, 0.0002356285840505734, 0.0003096055006608367, 0.0002842610701918602, 0.00024373405904043466, 0.0001690299977781251, 0.0002244111819891259, 0.0002802184026222676, 0.00021559542801696807, 0.0002222067123511806, 7.466454553650692e-05, 0.00010217398084932938, -8.632532262708992e-05, 8.853540202835575e-05, 0.00017490636673755944, 1.3602891158370767e-05, 0.0002981145225930959, 0.00033640803303569555, 7.808216469129547e-05, 2.0438616047613323e-05, 2.556326762714889e-05, -5.328175029717386e-05, -4.4095531848142855e-06, -6.954422133276239e-05, -3.4774286177707836e-05, 2.851116005331278e-05, -5.6543616665294394e-05, -7.98605105956085e-05, -0.00011071175686083734, -0.0001030652565532364, -2.7521558877197094e-05, 1.0347644092689734e-05, 0.00012569260434247553, 0.00017548169125802815, 9.0528090368025e-05, 0.0002488103637006134, 0.00046813164954073727, 0.0004593344347085804, 0.0004373276315163821, 0.0004926404217258096, 0.0003222406085114926, 0.0004551899910438806, 0.0005899806274101138, 0.0005510687478817999, 0.0005829830770380795, 0.00040531312697567046, 0.0003972481354139745, 0.00037862034514546394, 0.0003895823610946536, 0.0003482383908703923, 0.00031781321740709245, 0.0001248468179255724, 0.00020097703963983804, 0.0002317330799996853, -8.751202403800562e-05, -1.372297901980346e-05, 0.00014598997950088233, 6.967015360714868e-05, -0.00011322842328809202, -0.00019411060202401131, -0.0001869154948508367, -0.00023702875478193164, -6.949032831471413e-05, -0.00014729048416484147, -2.7864493858942296e-06, -0.00025207558064721525, -0.0003555480798240751, -9.819170372793451e-05, -0.0002138869749614969, -0.00017152829968836159, -0.00032606799504719675, -0.000291886564809829, -0.0003085533098783344, -0.00023065065033733845, -0.00022019400785211474, -0.00028923997888341546, -0.0005071836640127003, -0.0005249601090326905, -0.0005320663913153112, -0.0004660611739382148, -0.00037901237374171615, -0.0003725157002918422, -0.0003266906423959881, -0.00026894573238678277, -0.0001369504170725122, 4.771237217937596e-05, 0.0001085835465346463, 4.829921090276912e-05, 1.3477537322614808e-05, -8.599144166510087e-06, 0.00015623551735188812, 0.00023892494209576398, 0.0002891379117500037, 0.00036160938907414675, 0.0004642283311113715, 0.00034719938412308693, 0.00027106257039122283, 0.0002849914599210024, 0.00018676271429285407, 4.891098797088489e-05, 0.00010391366959083825, 0.0002253053680760786, 0.0003003102319780737, 0.0002611137751955539, 0.0002686216321308166, 0.0002250716497655958, 0.00023636985861230642, 0.0002773473097477108, 0.0001973259641090408, 7.87330063758418e-05, 0.00011464656563475728, 0.00014935566287022084, 0.00018802809063345194, 5.9249086916679516e-05, -9.109797974815592e-05, -8.539798727724701e-06, 0.00010753235983429477, 0.0002621232997626066, 0.00024431609199382365, 0.0001860399206634611, 0.00011959427502006292, 6.906280759721994e-05, -0.00012696212797891349, 1.4685745099995984e-06, -2.0380491605465068e-06, -2.0177474652882665e-05, 0.00011508335592225194, 6.4902073063422e-05, -1.729932046146132e-05, 9.719136141939089e-05, -4.495668406434561e-07, 2.743446566455532e-05, -2.369772846577689e-05, -2.6633193556335755e-05, 2.7087502530775964e-05, 4.2544081225059927e-05, 0.00015616754535585642, 8.991695358417928e-05, 0.00010334785474697128, 0.00016381863679271191, 7.430509867845103e-05, 9.471504745306447e-05, 8.661019091960043e-05, -1.549342050566338e-05, -6.083195785322459e-06, -0.0001717576087685302, -0.000186709949048236, -6.762367411283776e-05, 2.271983612445183e-05, 0.00011732172424672171, 0.00015184520452748984, 0.0001892579603008926, 4.030844502267428e-05, 7.292122609214857e-05, 0.0001430639676982537, 0.00016678393876645714, 0.00021391705377027392, 0.00029563234420493245, 0.0002906165027525276, 0.0004057717160321772, 0.00045096760732121766, 0.0003940010501537472, 0.00034112282446585596, 0.0002642804174683988, 0.00026946995058096945, 0.00030036340467631817, 0.0003588646068237722, 0.0002545712050050497, 0.0002487944148015231, 0.00011258306767558679, -1.0740400284703355e-05, 0.00021824207215104252, 0.00011500099208205938, 0.00012484878243412822, 0.00017104616563301533, 0.00031758833210915327, 0.0003308206214569509, 0.00015155297296587378, 5.182757740840316e-05, 5.888663508812897e-05, -2.9652668672497384e-05, 2.149264446416055e-06, 8.043226989684626e-05, -0.00014429599104914814, 5.808828063891269e-05, 0.00013159358059056103, 2.1284806280164048e-05, 5.87343947699992e-06, 1.7258165826206096e-05, 8.38879986986285e-06, -7.618533709319308e-05, -4.475997411645949e-05, 3.615720561356284e-05, 2.9456030461005867e-05, -0.00012827535101678222, -5.1253882702440023e-05, -0.0002675389696378261, -0.00038262244197539985, -0.00041931564919650555, -0.0004468743863981217, -0.00044272970990277827, -0.00034715034416876733, -0.0003415599057916552, -0.00039351655868813396, -0.0002915521909017116, -0.0004198982787784189, -0.00038314599078148603, -0.00024403870338574052, -0.00026482128305360675, -0.00019964028615504503, -4.255462044966407e-05, -3.338486931170337e-05, -0.00015860871644690633, 4.9487760406918824e-05, -0.00017370247223880142, -0.0001717867999104783, -0.00015578065358567983, -0.00011912136687897146, -0.00017200114962179214, 2.7118465368403122e-05, 8.830385195324197e-05, -8.186235936591402e-05, -7.3449105002509896e-06, -0.00011049374734284356, -4.584641646943055e-05, -0.00016569942818023264, 2.83522986137541e-05, 6.464423495344818e-05, 0.0001203689316753298, 0.00024930734070949256, 0.0002968859043903649, 0.00019197574874851853, 2.6800444175023586e-05, 0.0001187848683912307, -6.156171730253845e-05, 0.00010651975753717124, 0.00014851918967906386, 0.00018521551101002842, 0.00021784719137940556, 0.00031154535827226937, 0.00015786010771989822, 5.590941873379052e-05, -8.270428224932402e-05, 6.914478581165895e-05, 0.00013067307008896023, 0.00023466587299481034, 0.0003077994042541832, 0.00020063963893335313, 0.00013724560267291963, -0.00013442123599816114, -0.00024525311891920865, -0.00011344855738570914, 1.176344903797144e-05, 8.693773997947574e-05, 1.2772799209415098e-06, 5.953577419859357e-05, -0.0001444332010578364, -9.236615733243525e-05, -9.328114538220689e-05, -0.00017566948372405022, -0.00017919742094818503, 1.8728891518549062e-05, -7.249147893162444e-05, -0.00016329521895386279, 0.00010833545820787549, -5.577748015639372e-05, 2.8911859772051685e-05, -6.21649669483304e-05, -0.000117984447570052, -5.046374644734897e-05, -0.00010562378156464547, -4.141172394156456e-05, -4.081430961377919e-05, -8.07153555797413e-05, -0.0002973461232613772, -0.00023243996838573366, -0.00019045145018026233, -0.00030073404195718467, -0.0002652906987350434, -0.00043273819028399885, -0.00044153278577141464, -0.00047965452540665865, -0.0006449052598327398, -0.0005092064384371042, -0.000622183142695576, -0.0005271336995065212, -0.0004837929445784539, -0.00043860796722583473, -0.00040312239434570074, -0.00037372283986769617, -0.0002968118933495134, -0.0004313383251428604, -0.0004467907710932195, -0.0005006010760553181, -0.0003832164511550218, -0.0006378207472153008, -0.0007523836684413254, -0.0008081628475338221, -0.0009374318760819733, -0.0006915631238371134, -0.0006107378285378218, -0.0005711929989047348, -0.0006023290916346014, -0.0005487639573402703, -0.0005389880388975143, -0.0006704542902298272, -0.000558695406652987, -0.000552861369214952, -0.0006625794339925051, -0.0007693974766880274, -0.0008145726751536131, -0.0007072904263623059, -0.0008999665733426809, -0.0008408587309531868, -0.0007985485717654228, -0.000851933378726244, -0.0006506318459287286, -0.0005640008021146059, -0.0006900274311192334, -0.0007130756275728345, -0.0006771630723960698, -0.0007481148350052536, -0.000843579531647265, -0.0007474340964108706, -0.0007901554345153272, -0.0007888753898441792, -0.000771017512306571, -0.0008787937695160508, -0.0009530914830975235, -0.0011715085711330175, -0.001181041356176138, -0.001229038112796843, -0.0011687694350257516, -0.0010144369443878531, -0.0011778637999668717, -0.0011312556453049183, -0.0010706657776609063, -0.0010170192690566182, -0.0010561494855210185, -0.0010487684048712254, -0.0010943202069029212, -0.0011286759981885552, -0.0009646092657931149, -0.0010520704090595245, -0.0010590904857963324, -0.0010806258069351315, -0.0010489157866686583, -0.0010103282984346151, -0.0011193336686119437, -0.0010602923575788736, -0.0010247735772281885, -0.0010076361941173673, -0.0009267769637517631, -0.0009402898722328246, -0.0009399840491823852, -0.0008239333401434124, -0.0008504597935825586, -0.0008412137976847589, -0.0008290608529932797, -0.0008661685860715806, -0.0010001111077144742, -0.0007977086934261024, -0.0010191655019298196, -0.0009666112600825727, -0.0009609084227122366, -0.0010033012367784977, -0.0008568413904868066, -0.0010990035953000188, -0.0011967566097155213, -0.0010614254279062152, -0.0010049110278487206, -0.0009969333186745644, -0.0009429219062440097, -0.0007987229619175196, -0.0009946717182174325, -0.0009601264609955251, -0.00100457773078233, -0.0009510812233202159, -0.0009155083098448813, -0.0011136262910440564, -0.0010408534435555339, -0.0009122767369262874, -0.0008145322208292782, -0.0008383048116229475, -0.0008585407049395144, -0.0007117888890206814, -0.0007289613713510334, -0.0009522293112240732, -0.0010012862039729953, -0.0008170480141416192, -0.0009547335212118924, -0.001054756110534072, -0.001085415598936379, -0.0010150735033676028, -0.0010951674776151776, -0.000944421801250428, -0.0010235955705866218, -0.0008685068460181355, -0.001030562212690711, -0.0010257415706291795, -0.0009262558887712657, -0.0010487225372344255, -0.0009512815158814192, -0.0008813897147774696, -0.0008354853489436209, -0.0009632028522901237, -0.0008664046763442457, -0.0009464531322009861, -0.0009270631126128137, -0.0010054482845589519, -0.0010890521807596087, -0.0010056697065010667, -0.0011370660504326224, -0.0009692602907307446, -0.0010630794567987323, -0.001062472234480083, -0.0008571255020797253, -0.0007244594162330031, -0.0006006931071169674, -0.0007514850003644824, -0.0006819622940383852, -0.0005267459200695157, -0.0007694272790104151, -0.0007418976747430861, -0.0006791381165385246, -0.000826316128950566, -0.0006115540745668113, -0.0007678848342038691, -0.0008094204822555184, -0.0007670756313018501, -0.0008897377992980182, -0.0008588680648244917, -0.0009310923633165658, -0.0006521059549413621, -0.0008331581484526396, -0.0008272461709566414, -0.0009518519509583712, -0.0007725214236415923, -0.0009294392075389624, -0.0009466311312280595, -0.0008035085629671812, -0.001041822019033134, -0.0009705787524580956, -0.001201568404212594, -0.0010172880720347166, -0.0012520425952970982, -0.0011636969866231084, -0.0011600038269534707, -0.0013571253512054682, -0.0009797989623621106, -0.0013165960554033518, -0.0010419420432299376, -0.001185990171507001, -0.0009915833361446857, -0.0010059177875518799, -0.0010978610953316092, -0.0010307435877621174, -0.0011717138113453984, -0.0013846484944224358, -0.0014802288496866822, -0.0011748337419703603, -0.0016026600496843457, -0.0013869921676814556, -0.0014928732998669147, -0.001512274146080017, -0.001453736680559814, -0.0017835102044045925, -0.0016450687544420362, -0.0017099548131227493, -0.0015615401789546013, -0.0016836468130350113, -0.001707845600321889, -0.002136246068403125, -0.001888082828372717, -0.0018889587372541428, -0.0017520861001685262, -0.0017181024886667728, -0.001818175078369677, -0.0016837065340951085, -0.0020955733489245176, -0.001916250679641962, -0.0022441763430833817, -0.001968949567526579, -0.0018457764526829123, -0.0018557029543444514, -0.0020212549716234207, -0.002251422731205821, -0.0022876167204231024, -0.0024373347405344248, -0.0020683694165199995, -0.002036377089098096, -0.001964250346645713, -0.0018061851151287556, -0.001963132992386818, -0.001980887260288, -0.002049871487542987, -0.0017132596112787724, -0.0017674275441095233, -0.0014802233781665564, -0.0015304944245144725, -0.0014122318243607879, -0.0014308722456917167, -0.0014433178585022688, -0.001346875331364572, -0.0012583156349137425, -0.0010668959002941847, -0.0009389458573423326, -0.0009017009870149195, -0.0010108551941812038, -0.0010869452962651849, -0.0009030362125486135, -0.0009290531161241233, -0.0008010795572772622, -0.000700793694704771, -0.0007377797155641019, -0.0006992903654463589, -0.0006536534638144076, -0.0007131178281269968, -0.0005262991762720048, -0.0005624752957373857, -0.0004951962037011981, -0.00048600989975966513, -0.000666236795950681, -0.00020698041771538556, -0.0002644333872012794, 6.499599112430587e-05, -0.00015618879115208983, 2.7903586669708602e-05, -2.8293501600273885e-05, -9.83504723990336e-05, 0.00010814409324666485, 0.00018813670612871647, 4.0121223719324917e-05, 0.00019008456729352474, 0.00028981437208130956, 0.0003059950249735266, -0.00014076779189053923, -3.830537752946839e-05, 5.488171518663876e-05, -0.00017414179455954581, 1.0661277883627918e-05, -0.0003265276609454304, -0.00017249405209440738, -0.00019193337357137352, -0.00016804461483843625, 0.0001725643960526213, -0.00020480657985899597, -0.0003185000387020409, -0.00047175862709991634, -0.0005308358813636005, -0.0005893529742024839, -0.0006601279601454735, -0.0006160718039609492, -0.0007255184464156628, -0.0004335005069151521, -0.00035997875966131687, -0.00015093415277078748, -0.00030161559698171914, -0.0002595597179606557, -0.00020944634161423892, -0.0002794612664729357, 4.848175012739375e-05, -0.0001374386192765087, 0.0003778248792514205, 0.00015316283679567277, 0.00036201212788000703, 0.0006492825341410935, 0.0006434505921788514, 0.0010480162454769015, 0.001019634073600173, 0.0009230697178281844, 0.0009618918993510306, 0.0008623888716101646, 0.0012077789288014174, 0.0009521273314021528, 0.0013438410824164748, 0.0009151739650405943, 0.0011120232520624995, 0.0013727672630921006, 0.0011921721743419766, 0.0013254527002573013, 0.0011487315641716123, 0.0011877455981448293, 0.0014533181674778461, 0.0009357078815810382, 0.0016060417983680964, 0.0014641722664237022, 0.0015488070202991366, 0.0017223446629941463, 0.0012445420725271106, 0.0014779246412217617, 0.0010340145090594888, 0.0012885245960205793, 0.0012954934500157833, 0.0016416361322626472, 0.0017971914494410157, 0.0018555796705186367, 0.001736522070132196, 0.0017361595528200269, 0.0016487372340634465, 0.001586754689924419, 0.001733441953547299, 0.0022743178997188807, 0.0018376967636868358, 0.0019514270825311542, 0.0019020381150767207, 0.0013481318019330502, 0.0019198664231225848, 0.0013095656177029014, 0.0015181085327640176, 0.0014892449835315347, 0.0011971284402534366, 0.0014127545291557908, 0.001019642106257379, 0.0011494247009977698, 0.0012373044155538082, 0.0011944546131417155, 0.001251020235940814, 0.0014872457832098007, 0.0013747388729825616, 0.0017077222000807524, 0.0014282732736319304, 0.0014714691787958145, 0.0017775798914954066, 0.0015649880515411496, 0.0019089436391368508, 0.001922123716212809, 0.0016619943780824542, 0.001946807373315096, 0.0014467024011537433, 0.0019018707098439336, 0.0014611008809879422, 0.0016159946098923683, 0.0017330044647678733, 0.0013539181090891361, 0.0013037489261478186, 0.0013918502954766154, 0.0016378830187022686, 0.0013568801805377007, 0.0016339763533324003, 0.0017510290490463376, 0.0022035774309188128, 0.0019298698753118515, 0.0021501316223293543, 0.0021898041013628244, 0.0022793312091380358, 0.0025193600449711084, 0.002746116602793336, 0.003252317663282156, 0.002971634501591325, 0.0031114239245653152, 0.0028619817458093166, 0.002633319701999426, 0.002700388664379716, 0.002179801929742098, 0.002693161368370056, 0.0027406911831349134, 0.002471780637279153, 0.002688843058422208, 0.002368779154494405, 0.0025055292062461376, 0.0026079993695020676, 0.002447686856612563, 0.0026859710924327374, 0.002416412578895688, 0.0023796018213033676, 0.002499052556231618, 0.0024788849987089634, 0.0028924334328621626, 0.0022877270821481943, 0.002960088662803173, 0.0023126190062612295, 0.0025744549930095673, 0.0028588196728378534, 0.002193138236179948, 0.002752496860921383, 0.002187407575547695, 0.0023190754000097513, 0.0021251824218779802, 0.0016458932077512145, 0.0017069821478798985, 0.0020862019155174494, 0.0020380120258778334, 0.002451925305649638, 0.0022984277456998825, 0.002068032743409276, 0.0022156010381877422, 0.0016180762322619557, 0.002058602636680007, 0.0015486981719732285, 0.0019210897153243423, 0.0016513802111148834, 0.001950708799995482, 0.0019619250670075417, 0.00179814372677356, 0.0019628459122031927, 0.0013253689976409078, 0.002151849213987589, 0.0014730304246768355, 0.0028301149141043425, 0.0027327435091137886, 0.0027108846697956324, 0.0027798751834779978, 0.0021858729887753725, 0.0026027823332697153, 0.0016411852557212114, 0.0019054407021030784, 0.0018022462027147412, 0.0018108597723767161, 0.0015250451397150755, 0.0012000733986496925, 0.0009244994726032019, 0.0006881808512844145, 0.0012808882165700197, 0.0008548447513021529, 0.0013772447127848864, 0.0011752775171771646, 0.001010402454994619, 0.0014154701493680477, 0.000572982884477824, 0.0010659572435542941, 0.001379698165692389, 0.0009931749664247036, 0.0012563817435875535, 0.0006043831235729158, 0.0006846666801720858, 0.0007882954669184983, 0.0006671702722087502, 0.0010712005896493793, 0.0006925981142558157, 0.001043276977725327, 0.0013070005225017667, 0.0012364517897367477, 0.001193814561702311, 0.001261915429495275, 0.0015514177503064275, 0.0014742701314389706, 0.0013946662656962872, 0.001870964071713388, 0.0016970701981335878, 0.0017163560260087252, 0.0014941452536731958, 0.0011680815368890762, 0.0013398134615272284, 0.0012284882832318544, 0.0014649437507614493, 0.0015155368018895388, 0.0016386976931244135, 0.0018012463115155697, 0.0018540597520768642, 0.0019073626026511192, 0.0017047543078660965, 0.0015787836164236069, 0.002235658233985305, 0.0018631619168445468, 0.002184577053412795, 0.001940349698998034, 0.0026014468166977167, 0.0023171158973127604, 0.0021704621613025665, 0.00257669435814023, 0.0019345302134752274, 0.0021902064327150583, 0.002436044393107295, 0.0018148707458749413, 0.0022198434453457594, 0.0012807531747967005, 0.001714567537419498, 0.0015869680792093277, 0.0020170584321022034, 0.0020568978507071733, 0.002457736525684595, 0.0019286853494122624, 0.0020860570948570967, 0.002003679284825921, 0.0020701552275568247, 0.0025597726926207542, 0.002704988233745098, 0.0033374072518199682, 0.002928421599790454, 0.003344276687130332, 0.003362397663295269, 0.0034565606620162725, 0.002959383884444833, 0.0032122344709932804, 0.0031157508492469788, 0.0024957237765192986, 0.0027212677523493767, 0.0029117288067936897, 0.0030661390628665686, 0.0027869222685694695, 0.002613268792629242, 0.0027392227202653885, 0.0028755783569067717, 0.002340381732210517, 0.0030044170562177896, 0.0026025979313999414, 0.0033163216430693865, 0.0023814078886061907, 0.002347891451790929, 0.002361591439694166, 0.0021159974858164787, 0.00212387484498322, 0.001569483894854784, 0.0027857290115207434, 0.0024467231705784798, 0.003048213664442301, 0.0028708346653729677, 0.0028709303587675095, 0.004014888312667608, 0.0036388440057635307, 0.004034064244478941, 0.004374916199594736, 0.0035324881318956614, 0.004203325137495995, 0.00323486328125, 0.0042685698717832565, 0.003962303511798382, 0.004349508788436651, 0.0043301451951265335, 0.003632842330262065, 0.004318521823734045, 0.0038303863257169724, 0.0042010024189949036, 0.004249333869665861, 0.0036376749631017447, 0.0044883242808282375, 0.003219808451831341, 0.0036607033107429743, 0.0036751891020685434, 0.0028602718375623226, 0.0035970211029052734, 0.0022155370097607374, 0.003674795152619481, 0.002003506990149617, 0.002650949638336897, 0.003492341609671712, 0.0022815691772848368, 0.00328723038546741, 0.0017298167804256082, 0.0026529983151704073, 0.0029382326174527407, 0.0022216723300516605, 0.003126372117549181, 0.0031902268528938293, 0.002483292482793331, 0.002965053077787161, 0.0021879859268665314, 0.002219791989773512, 0.0022226350847631693, 0.0007784692570567131, 0.0019892819691449404, 0.0008745826198719442, 0.0021262248046696186, 0.0007439730106852949, 0.0009534141863696277, 0.0009919265285134315, 0.0007994939223863184, 0.000613626092672348, 0.00027314407634548843, 0.001672582235187292, -0.0003684675320982933, 0.0015434295637533069, -0.00028938910691067576, 0.0016327331541106105, -6.139450124464929e-05, -0.0003299449454061687, -0.00011156808614032343, -0.0002857628569472581, -0.0004817639710381627, -0.0007941297953948379, -0.00011459863162599504, -0.0003025978512596339, 0.00033214938594028354, -0.0012297665234655142, 0.0014877856010571122, -0.0015065533807501197, -0.000828917371109128, -0.00034559553023427725, -0.0018493440002202988, 0.0015828488394618034, -0.002831146353855729, 0.0022603238467127085, -0.0014118346152827144, 0.000977109419181943, -0.0013448353856801987, 0.0003495179698802531, 0.0015677260234951973, -0.00021436362294480205, 0.0021728796418756247, -0.0013289878843352199, 0.0026628978084772825, -0.00146231590770185, 0.0010788810905069113, -0.0007779909064993262, -0.0010634142672643065, 0.0001759891165420413, -0.001865154248662293, 0.0008203142206184566, -0.0013449267717078328, 0.0004370476526673883, -0.0002613361575640738, -0.00039025675505399704, 0.0004869827243965119, -0.001798394601792097, -0.00019261079432908446, -0.0009863423183560371, -0.0002778924535959959, -0.00013766484335064888, -0.00018562721379566938, -0.0006599685875698924, -0.0004894360317848623, 0.00034837296698242426, 0.0002900107647292316, 7.000138430157676e-05, 0.0008403993560932577, 0.0011559154372662306, -0.0010627033188939095, 0.0016830939566716552, -0.001245348365046084, 0.0014614048413932323, 4.850580808124505e-06, 0.0005154300597496331, 0.0005853999755345285, -0.0004825231444556266, -0.00022495206212624907, 0.0009098416776396334, -0.0005136302788741887, 0.0004459479823708534, 0.0009992326376959682, 0.00022679260291624814, 0.0018653655424714088, 0.0009754824568517506, 0.0018181639024987817, 0.0009637633920647204, 0.0019089644774794579, 0.0023206756450235844, 0.0016357682179659605, 0.0017710812389850616, 0.001953519182279706, 0.0013876499142497778, 0.0015028740745037794, 0.0010417680023238063, 0.0020871530286967754, -0.0006220067734830081, 0.0008912134799174964, -0.00021420053963083774, -0.0004171330656390637, 0.0007507649133913219, -0.0006879025022499263, 0.0007476598839275539, 0.00013777815911453217, 0.0003775056975428015, 0.0007233654032461345, -2.344371023355052e-05, -0.0004396465665195137, 0.0009418390109203756, -0.0011775316670536995, -0.0002579121501185, -0.0001583957055117935, -0.0029521817341446877, 0.00023062899708747864, -0.0040139248594641685, 0.0007658622926101089, -0.005195755045861006, -0.0021073066163808107, -0.003001898294314742, -0.004248740617185831, -0.0017466484569013119, -0.006908406037837267, -0.0010659850668162107, -0.00709734670817852, -0.003696383908390999, -0.0048445300199091434, -0.005765464622527361, -0.004339500796049833, -0.006571175996214151, -0.0036585566122084856, -0.007526751607656479, -0.0042865704745054245, -0.007677741348743439, -0.002906234236434102, -0.007898960262537003, -0.004480907227844, -0.005622974596917629, -0.006495332345366478, -0.00369251798838377, -0.00623459555208683, -0.002859405940398574, -0.005911547690629959, -0.004944808315485716, -0.006556530017405748, -0.006401888094842434, -0.005518649239093065, -0.005950243212282658, -0.006750209257006645, -0.005126741249114275, -0.005805483087897301, -0.004146314226090908, -0.0069717648439109325, -0.004849763121455908, -0.005426665768027306, -0.005091231781989336, -0.0041310288943350315, -0.004984147381037474, -0.004565832205116749, -0.004734961781650782, -0.004526020027697086, -0.004870282951742411, -0.004372448194772005, -0.0034058154560625553, -0.002762038027867675, -0.005643712822347879, -0.0015087147476151586, -0.0036894886288791895, -0.0015992303378880024, -0.0013025248190388083, -0.0005160224973224103, 0.0016478132456541061, 0.0004957111668772995, 0.001684368122369051, 0.0013535392936319113, 0.0016064110677689314, 0.0025772564113140106, 0.0027618249878287315, 0.0014236822025850415, 0.003657594555988908, 0.0014937585219740868, 0.0036569349467754364, 0.0024616937153041363, 0.003595096291974187, 0.003668721066787839, 0.003049107501283288, 0.004649221431463957, 0.0042285979725420475, 0.0038653407245874405, 0.004845963325351477, 0.005200190003961325, 0.005729954689741135, 0.0056474278680980206, 0.006788067519664764, 0.006232325918972492, 0.006502246018499136, 0.0058907680213451385, 0.007618652656674385, 0.007015186827629805, 0.008074791170656681, 0.008262566290795803, 0.007870710454881191, 0.00907457061111927, 0.007916727103292942, 0.009986997582018375, 0.007818983867764473, 0.010281131602823734, 0.009378579445183277, 0.009724066592752934, 0.010168824344873428, 0.009220454841852188, 0.010883188806474209, 0.008236012421548367, 0.009670103900134563, 0.009047122672200203, 0.010267043486237526, 0.00909696239978075, 0.01047462411224842, 0.010475271381437778, 0.009114471264183521, 0.010456254705786705, 0.008771815337240696, 0.009188370779156685, 0.008321491070091724, 0.007810598239302635, 0.007990350015461445, 0.006248162128031254, 0.006980340927839279, 0.006753738969564438, 0.006358645856380463, 0.004606982227414846, 0.0055440450087189674, 0.004453625064343214, 0.0033488275948911905, 0.004018562845885754, 0.0019741319119930267, 0.0022620391100645065, 0.0014371151337400079, 0.0006316762883216143, 2.1786117940791883e-05, -0.0013191882753744721, -0.0031345547176897526, -0.004360513761639595, -0.0059135789051651955, -0.007414191495627165, -0.008285866118967533, -0.009622056968510151, -0.011144053190946579, -0.012926379218697548, -0.014028242789208889, -0.01553118135780096, -0.015706460922956467, -0.017517725005745888, -0.018998613581061363, -0.019795546308159828, -0.022867124527692795, -0.022253017872571945, -0.02587052620947361, -0.027118876576423645, -0.028283320367336273, -0.029884951189160347, -0.03033330850303173, -0.03161446005105972, -0.03207577392458916, -0.03264204412698746, -0.033392999321222305, -0.03385121747851372, -0.033438753336668015, -0.033720239996910095, -0.03476811572909355, -0.033638667315244675, -0.03356466069817543, -0.03289187699556351, -0.0317031554877758, -0.03197908401489258, -0.03055690787732601, -0.030164944007992744, -0.027918608859181404, -0.025895988568663597, -0.02463165484368801, -0.02241560071706772, -0.019835790619254112, -0.01817721500992775, -0.015020276419818401, -0.013234995305538177, -0.010687950998544693, -0.008419124409556389, -0.0049421703442931175, -0.0012637550244107842, 0.0018981596222147346, 0.0036665049847215414, 0.006226992234587669, 0.009434620849788189, 0.011735284700989723, 0.015015914104878902, 0.01770051382482052, 0.022289017215371132, 0.025999123230576515, 0.02788212150335312, 0.032987918704748154, 0.03513650223612785, 0.037388380616903305, 0.03998952731490135, 0.04373539984226227, 0.047366913408041, 0.049312155693769455, 0.05142223834991455, 0.05138109251856804, 0.05236870422959328, 0.054192304611206055, 0.054379578679800034, 0.05615672096610069, 0.05821843072772026, 0.05747060105204582, 0.059088367968797684, 0.057992611080408096, 0.057763028889894485, 0.057609692215919495, 0.057402029633522034, 0.05750996246933937, 0.05747604742646217, 0.05548449233174324, 0.05493471771478653, 0.05388794466853142, 0.05152296647429466, 0.05190116539597511, 0.0513598769903183, 0.049885157495737076, 0.04883826896548271, 0.04703309386968613, 0.04768705368041992, 0.043747782707214355, 0.04372214153409004, 0.04232054203748703, 0.04155789688229561, 0.04067740589380264, 0.03829299286007881, 0.0367220863699913, 0.033335309475660324, 0.03042694926261902, 0.029495062306523323, 0.02681312896311283, 0.02430562488734722, 0.021720387041568756, 0.018655436113476753, 0.015076521784067154, 0.011681284755468369, 0.0077575440518558025, 0.004637580830603838, -2.0074272470083088e-05, -0.0030864537693560123, -0.007969030179083347, -0.011002450250089169, -0.015853704884648323, -0.020697176456451416, -0.025133080780506134, -0.029441097751259804, -0.03673521801829338, -0.04042939841747284, -0.04385887458920479, -0.05046446993947029, -0.05440597981214523, -0.061523426324129105, -0.06742236763238907, -0.06889773160219193, -0.07621701806783676, -0.077626533806324, -0.08204896003007889, -0.08435854315757751, -0.08788243681192398, -0.09239323437213898, -0.09560079127550125, -0.10038574784994125, -0.10117647051811218, -0.10436328500509262, -0.10303084552288055, -0.10608004033565521, -0.10676133632659912, -0.10600920021533966, -0.10943093150854111, -0.10598564147949219, -0.10470690578222275, -0.10367041826248169, -0.09836481511592865, -0.09620170295238495, -0.09203757345676422, -0.08749991655349731, -0.08284919708967209, -0.07245112210512161, -0.06583482027053833, -0.05436931550502777, -0.04539559409022331, -0.038300346583127975, -0.02937103994190693, -0.02234644815325737, -0.013394990935921669, -0.007881801575422287, 0.001639887341298163, 0.00635572150349617, 0.013897272758185863, 0.017112452536821365, 0.022427862510085106, 0.027123503386974335, 0.03111056424677372, 0.037576332688331604, 0.041310280561447144, 0.047093573957681656, 0.04859960451722145, 0.05126231536269188, 0.0522732138633728, 0.05282851681113243, 0.053767163306474686, 0.05433732643723488, 0.05457641929388046, 0.0537743903696537, 0.05515475198626518, 0.053566623479127884, 0.05381505563855171, 0.05382050201296806, 0.05458821728825569, 0.05591794475913048, 0.05611038580536842, 0.05789005383849144, 0.057605475187301636, 0.05945434048771858, 0.06045157089829445, 0.061985913664102554, 0.06374692171812057, 0.06398478895425797, 0.06439455598592758, 0.06429515033960342, 0.06425682455301285, 0.0643012747168541, 0.06404236704111099, 0.06118190661072731, 0.06106067821383476, 0.059010013937950134, 0.057708658277988434, 0.056991953402757645, 0.05441121384501457, 0.05420030653476715, 0.05216144770383835, 0.05040659382939339, 0.049051105976104736, 0.04571985453367233, 0.04396554455161095, 0.04026005044579506, 0.036832332611083984, 0.03341802582144737, 0.02903406322002411, 0.02635093778371811, 0.020843926817178726, 0.019582727923989296, 0.01785067841410637, 0.018070990219712257, 0.018736662343144417, 0.01781926490366459, 0.01914045959711075, 0.020175496116280556, 0.018834805116057396, 0.018169967457652092, 0.018437324091792107, 0.018029069527983665, 0.018314888700842857, 0.016341276466846466, 0.016667723655700684, 0.014337006025016308, 0.012388022616505623, 0.011411252431571484, 0.011757342144846916, 0.01142349187284708, 0.01040713395923376, 0.008609444834291935, 0.006899324711412191, 0.005594978574663401, 0.002730145351961255, 0.0009642397635616362, -0.0010154949268326163, -0.0028870408423244953, -0.006407186854630709, -0.009933562017977238, -0.014155068434774876, -0.019620126113295555, -0.024456655606627464, -0.027451107278466225, -0.031482089310884476, -0.03331220522522926, -0.03719211742281914, -0.039661142975091934, -0.04225553944706917, -0.04647427052259445, -0.04836084693670273, -0.04958653450012207, -0.053335096687078476, -0.056010231375694275, -0.059076037257909775, -0.06288095563650131, -0.0655689463019371, -0.06955001503229141, -0.07019681483507156, -0.07313010841608047, -0.07328047603368759, -0.07353630661964417, -0.07607829570770264, -0.07799690216779709, -0.07777145504951477, -0.07926668226718903, -0.07919836789369583, -0.0832047313451767, -0.08265630155801773, -0.08164117485284805, -0.08580143749713898, -0.08485815674066544, -0.08803088963031769, -0.08869586884975433, -0.08829539269208908, -0.09261234849691391, -0.08768337219953537, -0.08927008509635925, -0.08511840552091599, -0.08121588081121445, -0.08254166692495346, -0.07486983388662338, -0.07410324364900589, -0.06671199947595596, -0.05899173021316528, -0.050703294575214386, -0.03576437383890152, -0.028247768059372902, -0.014993328601121902, -0.001863940735347569, 0.006182746961712837, 0.01975332945585251, 0.028553906828165054, 0.03866776078939438, 0.050702568143606186, 0.05844415724277496, 0.06858521699905396, 0.0733131393790245, 0.0787699744105339, 0.08498416841030121, 0.08595084398984909, 0.0940684825181961, 0.09452749043703079, 0.0971708595752716, 0.09537513554096222, 0.09251027554273605, 0.09318729490041733, 0.09180537611246109, 0.09156586974859238, 0.08959419280290604, 0.08533581346273422, 0.08114150166511536, 0.0736343041062355, 0.06718573719263077, 0.06346118450164795, 0.061138346791267395, 0.05932758376002312, 0.05875515565276146, 0.05237796530127525, 0.05284415930509567, 0.05399629473686218, 0.054917410016059875, 0.05981677398085594, 0.06064083054661751, 0.06412366032600403, 0.06434141844511032, 0.06566700339317322, 0.06608358770608902, 0.06823460012674332, 0.07028328627347946, 0.07379470765590668, 0.07290655374526978, 0.07311639934778214, 0.0690767914056778, 0.06485501676797867, 0.060241807252168655, 0.059185419231653214, 0.056493837386369705, 0.05248972401022911, 0.04589535668492317, 0.04042341932654381, 0.03639586269855499, 0.03273225948214531, 0.029493970796465874, 0.025648606941103935, 0.02076878398656845, 0.014548074454069138, 0.006474996451288462, -0.0008737961179576814, -0.0057635181583464146, -0.007774489000439644, -0.0077457367442548275, -0.0067745959386229515, -0.00539678568020463, -0.009143274277448654, -0.006763920653611422, -0.00582403689622879, -0.00038086617132648826, 0.0019423570483922958, 0.0038378508761525154, 0.004838814493268728, 0.004168378189206123, 0.002240743488073349, 0.004161335527896881, 0.003114378312602639, 0.004048490431159735, 0.003178549464792013, -0.001246791915036738, -0.006967857014387846, -0.012653091922402382, -0.01939564011991024, -0.02456018514931202, -0.03011275641620159, -0.035555969923734665, -0.042361781001091, -0.05114872753620148, -0.059226762503385544, -0.06877901405096054, -0.07940371334552765, -0.0896327793598175, -0.09621194750070572, -0.10475358366966248, -0.10985461622476578, -0.119085393846035, -0.1224229633808136, -0.1219404935836792, -0.12271875143051147, -0.12169819325208664, -0.12487857788801193, -0.1287761777639389, -0.13429784774780273, -0.13842493295669556, -0.14193318784236908, -0.13996165990829468, -0.13748906552791595, -0.12900881469249725, -0.12683890759944916, -0.12713173031806946, -0.12438208609819412, -0.12686853110790253, -0.11476420611143112, -0.10888154059648514, -0.09233474731445312, -0.09780286997556686, -0.08915521204471588, -0.08832725882530212, -0.05374573543667793, -0.022404199466109276, 0.01337352767586708, 0.03987465053796768, 0.04926075413823128, 0.0603262297809124, 0.05454709380865097, 0.052824076265096664, 0.050684552639722824, 0.057219598442316055, 0.06885086745023727, 0.08104662597179413, 0.08458555489778519, 0.08479931205511093, 0.07529569417238235, 0.07074794173240662, 0.06451740860939026, 0.05359981954097748, 0.03688056394457817, 0.019932033494114876, 0.007775621023029089, 0.007362391799688339, 0.01444988138973713, 0.023287218064069748, 0.02844502218067646, 0.03085620142519474, 0.020297331735491753, 0.008177080191671848, -0.006822195369750261, -0.005332012660801411, 0.003560083918273449, 0.021641291677951813, 0.04269951581954956, 0.054125428199768066, 0.06700301170349121, 0.07304035127162933, 0.08166655898094177, 0.08537452667951584, 0.08798453956842422, 0.08605579286813736, 0.08810865879058838, 0.08563923090696335, 0.09020566940307617, 0.0920972228050232, 0.09657591581344604, 0.09720932692289352, 0.0844828262925148, 0.0687040463089943, 0.043534256517887115, 0.029424557462334633, 0.02066989615559578, 0.021295864135026932, 0.029615335166454315, 0.030091067776083946, 0.02801118791103363, 0.018864862620830536, 0.010379194281995296, 0.0016450455877929926, -0.003774381475523114, -0.004228321835398674, -0.005222138017416, -0.0019678801763802767, -0.0002581723965704441, 0.008938384242355824, 0.011901814490556717, 0.02618355117738247, 0.033740200102329254, 0.038386519998311996, 0.03568371385335922, 0.03585202619433403, 0.04111628234386444, 0.04761866480112076, 0.06310712546110153, 0.07331862300634384, 0.08249398320913315, 0.08100927621126175, 0.07487710565328598, 0.06713128834962845, 0.057932499796152115, 0.05464618653059006, 0.05520641803741455, 0.051934804767370224, 0.051034096628427505, 0.04379712790250778, 0.033502958714962006, 0.0267045721411705, 0.01656683348119259, 0.00933066662400961, -0.003581003285944462, -0.01253955066204071, -0.02318953163921833, -0.030751638114452362, -0.03507976606488228, -0.03231966868042946, -0.030171560123562813, -0.034123118966817856, -0.03904280811548233, -0.047540728002786636, -0.052887871861457825, -0.05645196512341499, -0.0558256171643734, -0.04635624587535858, -0.04837249591946602, -0.043128084391355515, -0.05221964418888092, -0.05886885151267052, -0.06279783695936203, -0.07158846408128738, -0.06821908056735992, -0.080061174929142, -0.07837124913930893, -0.09352581948041916, -0.09738483279943466, -0.10337215662002563, -0.11490706354379654, -0.1140565350651741, -0.1338135451078415, -0.13444600999355316, -0.1502065509557724, -0.162432461977005, -0.16168183088302612, -0.1748953014612198, -0.16860926151275635, -0.17767639458179474, -0.18030855059623718, -0.18417060375213623, -0.18394050002098083, -0.17898213863372803, -0.1631900668144226, -0.1569492518901825, -0.13490819931030273, -0.12964066863059998, -0.10569417476654053, -0.08634142577648163, -0.05622918903827667, -0.01992410607635975, 0.00652591185644269, 0.029708340764045715, 0.040331922471523285, 0.05503107234835625, 0.06819582730531693, 0.08362225443124771, 0.09285115450620651, 0.10470839589834213, 0.10422580689191818, 0.10601528733968735, 0.09161552786827087, 0.08691135793924332, 0.07431817054748535, 0.06796654313802719, 0.060508351773023605, 0.04717371240258217, 0.032401904463768005, 0.01620730571448803, 0.002362505765631795, -0.004082024563103914, -0.008339225314557552, -0.012335028499364853, -0.012774474918842316, -0.02220277488231659, -0.02043844573199749, -0.0244826078414917, -0.02005641721189022, -0.010943496599793434, 0.0043047270737588406, 0.019604934379458427, 0.03211589902639389, 0.040290042757987976, 0.049900542944669724, 0.06742352992296219, 0.0778985321521759, 0.09653468430042267, 0.10702240467071533, 0.1119731068611145, 0.12027852982282639, 0.12081525474786758, 0.12423788756132126, 0.12335269898176193, 0.12120414525270462, 0.1149011179804802, 0.09833522140979767, 0.08214911073446274, 0.06909379363059998, 0.06016493961215019, 0.06174767389893532, 0.05643179640173912, 0.05423532798886299, 0.03105565905570984, 0.012710686773061752, 0.005552905146032572, 0.006837291643023491, 0.007661263924092054, 0.009008664637804031, 0.014393473975360394, 0.012824296951293945, 0.0066923946142196655, 0.000979033880867064, 0.00430251331999898, 0.010849911719560623, 0.025589661672711372, 0.028932688757777214, 0.0374140627682209, 0.034246522933244705, 0.03775748610496521, 0.0441666916012764, 0.056275516748428345, 0.06279007345438004, 0.07155926525592804, 0.06732714921236038, 0.0679829940199852, 0.05894048139452934, 0.05826912820339203, 0.060622941702604294, 0.06243066489696503, 0.06034587696194649, 0.04646320268511772, 0.032483167946338654, 0.021191757172346115, 0.01263267733156681, 0.004100806079804897, -0.005670899525284767, -0.015079528093338013, -0.027346396818757057, -0.03272939845919609, -0.040005140006542206, -0.0447559729218483, -0.04751412943005562, -0.056732311844825745, -0.053127456456422806, -0.060918983072042465, -0.05716484412550926, -0.06107395514845848, -0.05647548660635948, -0.05437866598367691, -0.0673975795507431, -0.06647840887308121, -0.07764389365911484, -0.06824307143688202, -0.06532832235097885, -0.065165676176548, -0.06675054132938385, -0.08326438069343567, -0.08534873276948929, -0.09308456629514694, -0.08931621164083481, -0.10084278881549835, -0.11643262952566147, -0.12800227105617523, -0.14529936015605927, -0.14468266069889069, -0.14836978912353516, -0.14954636991024017, -0.1533881574869156, -0.17930443584918976, -0.1894243359565735, -0.2017938643693924, -0.19456550478935242, -0.16833387315273285, -0.15976496040821075, -0.13983097672462463, -0.14905554056167603, -0.13907594978809357, -0.12556092441082, -0.09124501049518585, -0.0431169793009758, -0.011897041462361813, 0.02419794350862503, 0.035339489579200745, 0.051644738763570786, 0.06645271927118301, 0.07635737210512161, 0.10146133601665497, 0.11080411821603775, 0.12620611488819122, 0.11629047989845276, 0.10867807269096375, 0.10066505521535873, 0.09523267298936844, 0.10095775127410889, 0.08522290736436844, 0.06952724605798721, 0.044832274317741394, 0.02714552730321884, 0.012375574558973312, 0.00939867738634348, 0.008986422792077065, 0.007241241168230772, 0.00438166968524456, -0.011517100967466831, -0.021487167105078697, -0.02822800911962986, -0.030237264931201935, -0.018317246809601784, -0.0059876409359276295, 0.004913751035928726, 0.013338107615709305, 0.01541932299733162, 0.03019087202847004, 0.04242364689707756, 0.05291661620140076, 0.06670336425304413, 0.06827935576438904, 0.08966179937124252, 0.09507890790700912, 0.10319923609495163, 0.1113961860537529, 0.11369546502828598, 0.1154964342713356, 0.11260650306940079, 0.10904572904109955, 0.10578350722789764, 0.0968242809176445, 0.084405817091465, 0.08010710775852203, 0.06479289382696152, 0.06197996065020561, 0.05421193316578865, 0.04960525035858154, 0.046220678836107254, 0.029260294511914253, 0.025923045352101326, 0.01339321956038475, 0.013051403686404228, 0.02037898078560829, 0.02780931256711483, 0.041201334446668625, 0.034096233546733856, 0.03434688225388527, 0.029875338077545166, 0.03334878012537956, 0.0453653559088707, 0.04517288878560066, 0.05723658204078674, 0.06595481187105179, 0.07027968764305115, 0.0766780897974968, 0.07563117891550064, 0.07923190295696259, 0.07585539668798447, 0.07384730875492096, 0.07324513792991638, 0.07042144984006882, 0.07297404855489731, 0.0650515928864479, 0.06278832256793976, 0.05622689053416252, 0.04141164943575859, 0.030571455135941505, 0.020520735532045364, 0.010348234325647354, 0.0016501439968124032, -0.007874338887631893, -0.01623234711587429, -0.021430103108286858, -0.02657376416027546, -0.030644521117210388, -0.03553956747055054, -0.04801906645298004, -0.052576325833797455, -0.05851570889353752, -0.05889101326465607, -0.05862266942858696, -0.05664793774485588, -0.05165960267186165, -0.05693483725190163, -0.06333927065134048, -0.07535209506750107, -0.08054262399673462, -0.07432300597429276, -0.07097256183624268, -0.07679957896471024, -0.07730109244585037, -0.09368189424276352, -0.10117846727371216, -0.10537902265787125, -0.11450599879026413, -0.11356077343225479, -0.13541534543037415, -0.141104057431221, -0.15091098845005035, -0.15430419147014618, -0.14629127085208893, -0.16448473930358887, -0.16752201318740845, -0.18294644355773926, -0.1904515027999878, -0.18689988553524017, -0.1924305558204651, -0.1595427691936493, -0.13811971247196198, -0.1382770538330078, -0.12549130618572235, -0.13905014097690582, -0.10878261923789978, -0.08428748697042465, -0.035585928708314896, -0.010523776523768902, 0.014889529906213284, 0.027528004720807076, 0.05039489269256592, 0.06702955812215805, 0.07502094656229019, 0.0805778056383133, 0.09209712594747543, 0.10766572505235672, 0.1138288676738739, 0.10437000542879105, 0.09855938702821732, 0.09351242333650589, 0.09463751316070557, 0.08479123562574387, 0.06417062133550644, 0.05534728243947029, 0.02470659278333187, 0.026333361864089966, 0.021150289103388786, 0.025017453357577324, 0.02075709030032158, 0.0013113942695781589, -0.0028237421065568924, -0.014617209322750568, -0.019741199910640717, -0.0183506328612566, -0.012128672562539577, 0.004282358568161726, 0.006844099145382643, 0.0172161553055048, 0.01950099505484104, 0.024050990119576454, 0.04142847657203674, 0.036276478320360184, 0.05687566101551056, 0.057821568101644516, 0.07416432350873947, 0.0949501097202301, 0.09807431697845459, 0.09978821873664856, 0.10300818830728531, 0.10543511807918549, 0.09610000252723694, 0.11006373912096024, 0.08849409222602844, 0.10655752569437027, 0.09044241905212402, 0.08926061540842056, 0.0879930928349495, 0.06988786160945892, 0.0733446404337883, 0.05362676829099655, 0.04918903857469559, 0.04917421191930771, 0.035986170172691345, 0.048249196261167526, 0.03975510597229004, 0.04643109440803528, 0.04518121853470802, 0.025421833619475365, 0.03161366656422615, 0.03358205780386925, 0.03380685672163963, 0.04450206831097603, 0.05569794774055481, 0.04967045411467552, 0.036829955875873566, 0.04504925385117531, 0.06270197033882141, 0.07850789278745651, 0.06864391267299652, 0.07331995666027069, 0.07476568967103958, 0.06935784220695496, 0.07143321633338928, 0.07081655412912369, 0.06583510339260101, 0.06844697892665863, 0.04953806847333908, 0.05910143256187439, 0.028386779129505157, 0.03827480971813202, 0.015453099273145199, 0.0203013364225626, 0.007124442607164383, -0.014405898749828339, -0.007962937466800213, -0.035800326615571976, -0.03250500559806824, -0.031044745817780495, -0.03969023749232292, -0.03492756560444832, -0.05791134759783745, -0.05464072525501251, -0.06387383490800858, -0.0697450041770935, -0.06273874640464783, -0.06395423412322998, -0.06916593760251999, -0.07926306873559952, -0.07620008289813995, -0.08832662552595139, -0.08995822072029114, -0.07980950176715851, -0.0787101686000824, -0.07821695506572723, -0.08971979469060898, -0.09895828366279602, -0.10257688909769058, -0.10737012326717377, -0.12177161127328873, -0.1244637668132782, -0.1261177361011505, -0.1231503114104271, -0.12278927117586136, -0.1458156853914261, -0.1516437977552414, -0.1564977467060089, -0.16178451478481293, -0.1537937968969345, -0.16472779214382172, -0.1358429491519928, -0.12895488739013672, -0.13540013134479523, -0.1251494139432907, -0.1420821249485016, -0.12928065657615662, -0.13464264571666718, -0.11236538738012314, -0.07650445401668549, -0.03752759099006653, -0.0022852218244224787, 0.007304169703274965, 0.034841425716876984, 0.03346586227416992, 0.04569314047694206, 0.04000545293092728, 0.05527499318122864, 0.08048518002033234, 0.09688383340835571, 0.10979289561510086, 0.11047154664993286, 0.11376748234033585, 0.10365507006645203, 0.09440023452043533, 0.07568816095590591, 0.06545823067426682, 0.06129555031657219, 0.06341587752103806, 0.06992460787296295, 0.05939897522330284, 0.04744336009025574, 0.0363747663795948, 0.018697692081332207, 0.00394700700417161, 0.001564940088428557, 0.006633706856518984, -0.000892475713044405, 0.003584916004911065, 0.011650278232991695, 0.013535162433981895, 0.014789976179599762, 0.00830190908163786, 0.012484107166528702, 0.01951354555785656, 0.022217953577637672, 0.042294472455978394, 0.04450501874089241, 0.05406345799565315, 0.06704425811767578, 0.06552881002426147, 0.0642370656132698, 0.06548263132572174, 0.06970673054456711, 0.08694621175527573, 0.08577117323875427, 0.10134491324424744, 0.10685472935438156, 0.10630642622709274, 0.10093425214290619, 0.09538435935974121, 0.09761401265859604, 0.07971050590276718, 0.08628568798303604, 0.0826893001794815, 0.08287624269723892, 0.07977152615785599, 0.07571478933095932, 0.07230399549007416, 0.06761463731527328, 0.04559097811579704, 0.046851854771375656, 0.044355057179927826, 0.04737268388271332, 0.052721209824085236, 0.049668632447719574, 0.04745953157544136, 0.04310676455497742, 0.04168388620018959, 0.03845101222395897, 0.03465868905186653, 0.04336051642894745, 0.046376634389162064, 0.045350078493356705, 0.052624139934778214, 0.05191326141357422, 0.05834738910198212, 0.0541863739490509, 0.053088221698999405, 0.05552433058619499, 0.044575948268175125, 0.034690190106630325, 0.04428164288401604, 0.03771395608782768, 0.03446098044514656, 0.029880208894610405, 0.014912758022546768, 0.011656315065920353, -0.0018251353176310658, -0.005607392638921738, -0.00959340762346983, -0.011401442810893059, -0.01976987160742283, -0.04055534303188324, -0.05914086103439331, -0.06379083544015884, -0.05816225707530975, -0.06470447033643723, -0.06825701147317886, -0.08591953665018082, -0.07656123489141464, -0.07928504049777985, -0.07793138921260834, -0.08090337365865707, -0.08914990723133087, -0.08586127310991287, -0.11041884869337082, -0.11544627696275711, -0.1166938915848732, -0.08117686957120895, -0.0779479593038559, -0.07161276042461395, -0.10431256890296936, -0.11889972537755966, -0.12264192849397659, -0.1236138865351677, -0.1048172190785408, -0.11969596147537231, -0.1111953854560852, -0.11809008568525314, -0.11000175029039383, -0.14075492322444916, -0.14678603410720825, -0.11591070890426636, -0.09920015186071396, -0.1158694252371788, -0.13154619932174683, -0.13878734409809113, -0.14145922660827637, -0.12170159816741943, -0.10532990097999573, -0.08375456184148788, -0.077302947640419, -0.09816893935203552, -0.08772426843643188, -0.06317940354347229, -0.043214574456214905, -0.0067230891436338425, 0.01899350807070732, 0.012248537503182888, 0.013454584404826164, 0.008417035453021526, 0.02526801824569702, 0.05456998199224472, 0.06008129194378853, 0.07967142760753632, 0.07443168014287949, 0.06781615316867828, 0.07828293740749359, 0.07606787234544754, 0.08017170429229736, 0.09268905222415924, 0.0769587978720665, 0.07539256662130356, 0.06768448650836945, 0.07061230391263962, 0.07782427221536636, 0.07607408612966537, 0.0665595754981041, 0.06341326981782913, 0.031314488500356674, 0.030365103855729103, 0.039710577577352524, 0.03725143522024155, 0.04030396416783333, 0.040475551038980484, 0.04113635793328285, 0.02490813098847866, 0.027014391496777534, 0.03428485617041588, 0.046571336686611176, 0.030631134286522865, 0.0517398901283741, 0.04394027590751648, 0.046245038509368896, 0.049978628754615784, 0.057100649923086166, 0.07113999128341675, 0.06747356057167053, 0.06521712988615036, 0.050291508436203, 0.0768188014626503, 0.0698036253452301, 0.07995717227458954, 0.08176791667938232, 0.07048540562391281, 0.0720893070101738, 0.07137562334537506, 0.06848197430372238, 0.06909284740686417, 0.07262501120567322, 0.07000596821308136, 0.05854490399360657, 0.04130363464355469, 0.05966542661190033, 0.036295000463724136, 0.04859263449907303, 0.04064713045954704, 0.029849929735064507, 0.03137228265404701, 0.019947391003370285, 0.03881346806883812, 0.02694990113377571, 0.017597874626517296, 0.01719462126493454, 0.018599947914481163, 0.009580290876328945, 0.0011239617597311735, 0.009227598085999489, 0.032583270221948624, 0.020579097792506218, 0.022891633212566376, 0.020943863317370415, 0.004852998536080122, 0.02593068778514862, 0.018605591729283333, 0.0034877893049269915, 0.014627858065068722, 0.032308053225278854, 0.05018961802124977, 0.013552676886320114, 0.0008558032568544149, -0.013785677962005138, 0.001791896065697074, 0.002512312028557062, -0.029954150319099426, -0.02554236724972725, -0.026842854917049408, -0.014517012983560562, -0.036719582974910736, -0.03026077151298523, -0.017070820555090904, -0.03833070024847984, -0.06372708827257156, -0.08264310657978058, -0.09115630388259888, -0.021402351558208466, -0.029519500210881233, -0.07071612030267715, -0.051864754408597946, -0.06867870688438416, -0.06011702120304108, -0.042172856628894806, -0.048576612025499344, -0.07147709280252457, -0.09909805655479431, -0.07183846086263657, -0.04866070672869682, -0.05200132727622986, -0.0010433384450152516, -0.025597533211112022, -0.13841862976551056, -0.019967421889305115, -0.02565735951066017, -0.13216732442378998, -0.022523444145917892, -0.045767515897750854, 0.006965362001210451, -0.05988885462284088, -0.09465233236551285, -0.035340823233127594, -0.08041763305664062, 0.0028947952669113874, -0.1023823544383049, -0.03486311435699463, -0.04158436506986618, -0.025515930727124214, -0.13444088399410248, -0.027995988726615906, -0.06302448362112045, -0.10745245218276978, -0.026175426319241524, -0.0593879409134388, -0.07691004872322083, -0.09292751550674438, -0.04117884486913681, -0.06631772965192795, -0.022634273394942284, -0.06838138401508331, -0.05827885493636131, -0.018668653443455696, -0.09086493402719498, -0.008397959172725677, -0.012982559390366077, 0.008291823789477348, 0.023316333070397377, -0.07935910671949387, -0.0008546451572328806, 0.027788233011960983, -0.0006772440392524004, 0.026726916432380676, 0.021187301725149155, 0.029201170429587364, 0.020381733775138855, 0.04444567486643791, 0.004425829276442528, 0.07740958780050278, 0.02046452835202217, 0.010847547091543674, 0.03398800268769264, 0.04548295587301254, 0.0610043965280056, 0.030000196769833565, 0.040560122579336166, 0.06328035891056061, 0.001441864762455225, -0.016183992847800255, 0.06554294377565384, 0.045589879155159, 0.027583934366703033, 0.015414856374263763, 0.04140026494860649, 0.05341392755508423, -0.003641944145783782, 0.01526773814111948, 0.053821612149477005, 0.05192382633686066, -0.010783212259411812, 0.018067749217152596, 0.03618390113115311, 0.08241075277328491, 0.03732208162546158, -0.005949162878096104, 0.039290569722652435, -0.0006887295166961849, 0.04736470431089401, 0.03160734847187996, 0.026654096320271492, 0.01268168818205595, 0.046043913811445236, 0.053702376782894135, 0.016535567119717598, -1.549945773149375e-05, 0.018628239631652832, 0.043790001422166824, 0.021273590624332428, -0.01267280988395214, 0.04072556272149086, 0.050300247967243195, 0.01552431657910347, -0.010136272758245468, 0.009796151891350746, 0.030829818919301033, -0.0008247813675552607, 0.012155655771493912, 0.024293551221489906, 0.015350792557001114, -0.021080007776618004, 0.031470995396375656, -0.004279364366084337, 0.03331075981259346, -0.01113955769687891, 0.027227681130170822, 0.0035801578778773546, -0.034218061715364456, 0.0157302338629961, 0.02438446693122387, 0.04998129978775978, -0.03859258070588112, 0.03940491005778313, 0.02274818904697895, -0.011810638010501862, -0.03065706044435501, 0.023717062547802925, 0.010797038674354553, -0.03565829619765282, 0.03352189436554909, -0.027952589094638824, 0.011556778103113174, 0.009740647859871387, -0.03539014235138893, 0.0091710165143013, -0.04567372053861618, -0.021808722987771034, -0.05047496035695076, 0.06795597821474075, -0.017952486872673035, -0.052752841264009476, -0.014082803390920162, 0.054648466408252716, -0.04813609644770622, -0.023794658482074738, -0.053390324115753174, -0.02991454117000103, 0.04969395324587822, -0.03136606141924858, 0.02129025012254715, -0.08442993462085724, 0.03309785947203636, -0.001885129022412002, -0.0331522561609745, -0.03710594028234482, -0.013574284501373768, 0.030107654631137848, -0.03735814616084099, -0.09377212822437286, 0.03114791214466095, 0.0810646042227745, -0.14489899575710297, 0.03273022919893265, -0.01709303818643093, -0.05354877561330795, -0.018149789422750473, -0.0613306425511837, 0.09458068013191223, -0.05316038802266121, -0.06244392693042755, -0.024938121438026428, 0.009380663745105267, 0.015583203174173832, -0.07598614692687988, -0.03680776432156563, 0.07555291056632996, -0.03624887764453888, -0.13629935681819916, 0.12478723376989365, 0.04211417958140373, -0.13996806740760803, 0.02769268862903118, -0.04922668635845184, 0.11546828597784042, -0.15435613691806793, 0.03307728469371796, 0.0580974780023098, -0.027404876425862312, 0.03100484050810337, -0.07684683799743652, 0.009075626730918884, 0.005998612381517887, 0.026605084538459778, -0.057609621435403824, 0.045717231929302216, -0.05100438371300697, 0.06689039617776871, -0.014451231807470322, -0.058848410844802856, 0.02452089637517929, -0.004024568945169449, 0.07418590784072876, -0.10995648801326752, -0.044345274567604065, 0.10529390722513199, -0.011183898895978928, -0.03534160181879997, 0.03233947977423668, 0.04072747007012367, -0.040038008242845535, -0.015142933465540409, 0.06733361631631851, -0.05232661962509155, -0.006164951249957085, 0.10373934358358383, -0.09886667877435684, 0.10086223483085632, -0.058733101934194565, 0.06553059816360474, 0.038833968341350555, -0.0874362662434578, 0.06528440862894058, 0.022502318024635315, -0.036928415298461914, 0.025071771815419197, 0.04178931936621666, 0.006276881787925959, 0.001961451256647706, -0.054532989859580994, 0.07526784390211105, -0.03436166048049927, 0.023626822978258133, 0.025267653167247772, -0.03518962115049362, 0.044190991669893265, -0.02770565263926983, 0.026731982827186584, -0.015568427741527557, 0.0275547057390213, 0.013529719784855843, -0.02128848247230053, -0.023661218583583832, 0.04972881078720093, -0.02564419060945511, 0.03522082045674324, 0.0074373590759932995, -0.021382953971624374, 0.07540455460548401, -0.09428476542234421, 0.04357239231467247, 0.068766750395298, -0.043690361082553864, 0.06685137748718262, -0.09913452714681625, 0.13212034106254578, -0.08839932829141617, 0.018080659210681915, 0.044874440878629684, 0.009644814766943455, -0.031502801924943924, -0.015286975540220737, 0.05635605379939079, -0.04014601930975914, -0.01350115705281496, 0.009286954067647457, 0.021517671644687653, -0.037792980670928955, 0.04199804365634918, 0.014021459966897964, -0.08252105116844177, 0.009741898626089096, 0.02423574961721897, 0.02874174155294895, -0.04431873559951782, -0.027127470821142197, 0.02640477567911148, 0.0015737286303192377, -0.031513575464487076, -0.0017556649399921298, -0.002627380657941103, 0.005803519394248724, 0.01600906066596508, -0.03889401629567146, -0.07430815696716309, 0.11130232363939285, -0.0013128045247867703, -0.07336711138486862, 0.010513470508158207, 0.052108556032180786, -0.07457086443901062, -0.056271858513355255, 0.05255252495408058, 0.0328761450946331, -0.017155112698674202, -0.06533326208591461, 0.05603271722793579, -0.03919989615678787, -0.04037332534790039, -0.007703766692429781, 0.07592140883207321, -0.03190905973315239, -0.1843978315591812, 0.2255883812904358, -0.18402259051799774, 0.012274598702788353, 0.07560869306325912, -0.06975385546684265, 0.01825527474284172, -0.05702340975403786, -0.018087826669216156, -0.01103539764881134, 0.06302877515554428, -0.16176126897335052, 0.09579376131296158, -0.01697508431971073, -0.06586778163909912, 0.0507282055914402, -0.06324794143438339, -0.01112781185656786, 0.04368318244814873, -0.07413730025291443, 0.04158680886030197, -0.06135918200016022, 0.03586392477154732, 0.06817581504583359, -0.11940190196037292, -0.047305189073085785, 0.10618982464075089, -0.06195536628365517, -0.059130530804395676, 0.09036414325237274, -0.0703507587313652, -0.019696637988090515, 0.03681999817490578, -0.007192382123321295, 3.564831558833248e-06, -0.06660686433315277, 0.06377513706684113, -0.06530465185642242, -0.002894744975492358, 0.024271219968795776, -0.01901031844317913, 0.06508790701627731, -0.16340632736682892, 0.07002165913581848, 0.016908451914787292, -0.037602197378873825, -0.022135892882943153, -0.00042741859215311706, 0.07505663484334946, -0.12093532085418701, 0.046321380883455276, 0.05434346944093704, -0.04581282660365105, -0.014810990542173386, 0.03223678842186928, 0.014853854663670063, -0.04195185750722885, -0.038006436079740524, 0.07953261584043503, -0.005245069973170757, -0.10113783180713654, 0.1526908576488495, -0.10478857159614563, -0.01656171679496765, 0.07185360789299011, -0.0489158108830452, 0.0035646308679133654, -0.024629050865769386, 0.018245533108711243, 0.0007841308251954615, -0.018238617107272148, -0.00846083927899599, 0.03898994252085686, -0.04610442742705345, -0.052151069045066833, 0.13465853035449982, -0.07098351418972015, -0.02914820797741413, 0.03656606376171112, -0.018407432362437248, 0.01627245917916298, -0.012054518796503544, -0.0205497145652771, 0.03942195326089859, -0.011083275079727173, -0.06814403831958771, 0.09152296930551529, -0.06276439875364304, 0.03332594409584999, 0.02647481858730316, -0.04694675654172897, -0.003472959855571389, -0.005086624063551426, 0.019214218482375145, 0.031238578259944916, -0.05370721593499184, 0.016803383827209473, 0.005646709818392992, -0.008969973772764206, -0.01218644343316555, 0.008477033115923405, -0.0064198924228549, -0.002250299323350191, 0.05677933618426323, -0.08536771684885025, 0.042797788977622986, -0.020203029736876488, 0.04555218666791916, -0.028163375332951546, -0.0442407988011837, 0.053238313645124435, -0.0066098556853830814, -0.01457391306757927, 0.010800033807754517, 0.006941618397831917, 0.007562210317701101, -0.027476320043206215, -0.023103803396224976, 0.07436606287956238, -0.07927938550710678, 0.0416012741625309, 0.02510049194097519, -0.061820145696401596, 0.0010573550825938582, 0.030264675617218018, -0.030092967674136162, -0.006136824376881123, 0.01964598335325718, -0.009060676209628582, -0.010991559363901615, 0.003082105191424489, 0.010439991019666195, -0.04216883331537247, 0.0315631665289402, -0.005356073845177889, -0.0007009720429778099, -0.022259486839175224, -0.007941356860101223, 0.04519152641296387, -0.048131298273801804, 0.036143552511930466, -0.028602423146367073, 0.028950439766049385, 0.01342877559363842, -0.050618745386600494, 0.01983528956770897, 0.011681375093758106, 0.010928570292890072, -0.03381337970495224, 0.03055834025144577, -0.011606561951339245, 0.012387756258249283, -0.017671281471848488, 0.017787357792258263, 0.004443054553121328, -0.024663301184773445, 0.03257981315255165, -0.03173688054084778, 0.021747399121522903, -0.0014174331445246935, -0.002739079063758254, -0.011946362443268299, 0.016113415360450745, 0.009790382348001003, -0.0175624992698431, 0.02647499181330204, -0.03046770580112934, 0.04033314809203148, -0.030645614489912987, 0.028370114043354988, -0.00850349199026823, -0.007844015024602413, 0.02807268500328064, 0.004050688352435827, -0.004300917033106089, 0.005360897164791822, 0.014897763729095459, -0.013261948712170124, 0.030086390674114227, -0.005670845042914152, -0.008524578996002674, 0.025409918278455734, 0.005551318172365427, -0.025531616061925888, 0.03185936063528061, 0.004140028730034828, -0.0013430328108370304, 0.006291599944233894, -0.0028958844486624002, 0.009779566898941994, -0.0008922219858504832, -0.002425256883725524, 0.02152443490922451, -0.016379816457629204, -0.0031773473601788282, 0.022780846804380417, -0.023386169224977493, 0.006288489326834679, 0.011624756269156933, -0.002357396064326167, 0.019431978464126587, -0.02080041542649269, 0.0077753253281116486, 0.023011213168501854, -0.014578928239643574, 0.007067326921969652, 0.003650401718914509, 0.01125316135585308, -0.0016858947928994894, 0.009197454899549484, 0.0008324965601786971, 0.0002304770750924945, 0.019697370007634163, 0.005901813507080078, 0.004290186334401369, -0.00950782373547554, 0.030759086832404137, -0.001141584012657404, -0.0034572994336485863, 0.01464587077498436, 0.012627367861568928, 0.002117570722475648, -0.006602175533771515, 0.020257065072655678, -0.005447165109217167, 0.007830971851944923, -0.002104289596900344, 0.02432509884238243, -0.0069925361312925816, -0.013020072132349014, 0.02950317971408367, -0.007044082973152399, 0.005302256438881159, 0.004016134887933731, -0.0004249347257427871, 0.01173641998320818, 0.0013030647533014417, 0.0017128209583461285, 0.0015566247748211026, 0.012475778348743916, -0.009554163552820683, 0.021869400516152382, -0.005331587977707386, 0.0030626398511230946, 0.0191871989518404, -0.009213226847350597, 0.005107197444885969, 0.005906613077968359, 0.0038740995805710554, 0.0017036274075508118, -0.0003222929663024843, -0.003108533099293709, 0.013334176503121853, -0.0059778583236038685, 0.001772780087776482, 0.005983822979032993, -0.014766340143978596, 0.011800111271440983, -0.0036778163630515337, 0.0013256898382678628, 0.0004613495257217437, -0.001872683991678059, -0.0006972418050281703, -0.007562445476651192, -0.0031400008592754602, -0.0027012911159545183, 0.006493894383311272, -0.0013869100948795676, -0.006009730976074934, 0.002909233095124364, -0.005142972804605961, 0.003666175529360771, -0.0040618353523314, 0.004566867370158434, 0.0031160125508904457, -0.002766630845144391, 0.001256814575754106, 0.006302768364548683, -0.002718079136684537, -0.0008905933354981244, 0.0036263326182961464, 0.0036666046362370253, 0.008930182084441185, -0.007253320887684822, 0.005377303343266249, 0.011217024177312851, -0.013863814063370228, 0.01404805202037096, 0.0011557966936379671, 0.0037116159219294786, -0.006309093441814184, 0.005688076838850975, 0.003902971977367997, 0.0009906765772029757, 0.003531414782628417, 1.784829692041967e-05, 0.011919409967958927, -0.011096135713160038, 0.007343271281570196, 0.0020884948316961527, -0.0028091634158045053, 0.00501587800681591, 0.0026929473970085382, 0.0015535495476797223, 0.0034596535842865705, 0.0024583947379142046, 0.0019814970437437296, 0.005906584206968546, -0.0013377716531977057, 0.005209322553128004, -0.003139698877930641, 0.009688468649983406, 6.032671080902219e-05, 0.0012083534384146333, 0.011007538996636868, -0.004442034289240837, 0.0024481608998030424, 0.002898179227486253, 0.0018732325406745076, 0.0026544483844190836, 0.0006265596603043377, 0.00506486976519227, 0.0006063366890884936, 0.0003672457823995501, 0.005846003536134958, -0.001407758565619588, -0.0005215227720327675, 0.0032366104423999786, -0.00836996454745531, 0.009282158687710762, -0.008560054004192352, 0.010340779088437557, 0.0022257983218878508, -0.011520342901349068, 0.01194310188293457, -0.006362714804708958, 0.0006261536618694663, -0.0003344975411891937, 0.0060647414065897465, -0.004444008227437735, 0.003959424328058958, 0.0017546588787809014, 0.000628630630671978, 0.005308237392455339, 0.0021161986514925957, 0.0038818393368273973, -0.00784638524055481, 0.009043135680258274, 0.00031201925594359636, 0.00315505126491189, 0.003177490783855319, -0.0014769826084375381, 0.010849705897271633, -0.006001272238790989, 0.0060614668764173985, -0.001766888308338821, 0.004196187015622854, 0.003763401648029685, -0.0011688481317833066, 0.009194793179631233, 0.0004497144545894116, -0.0005887835286557674, 0.0023646808695048094, 0.0008982335566543043, 0.0026883946266025305, 0.005571100860834122, -0.0005708708195015788, 0.002850474091246724, 0.004328111652284861, 0.0016179617960005999, -0.0010777964489534497, 0.004428679123520851, 0.01126152090728283, -0.005661881063133478, 0.002309598494321108, 0.0033509850036352873, -0.0025185244157910347, 0.009420446120202541, -0.0028664213605225086, 0.0023528796155005693, 0.0037912961561232805, 0.0007706782780587673, -0.0012780860997736454, -0.0015356031944975257, 0.006990962196141481, -0.008381417952477932, 0.005336691625416279, -0.0019273381913080812, -0.00014858150098007172, -0.007031535729765892, 0.0041976384818553925, -0.0012209332780912519, -0.003064193530008197, -0.0022923583164811134, -0.0002538680855650455, 0.00047990691382437944, -0.011095423251390457, 0.008677954785525799, -0.007640742231160402, 0.0013594423653557897, -0.004616346675902605, -0.0014380051288753748, -0.003650674596428871, -0.003302391152828932, 0.00162610097322613, -0.004983543884009123, 0.003573561320081353, -0.0026717132423073053, 0.00020201719598844647, -0.0028744954615831375, 0.0020600624848157167, -0.0004012427234556526, -0.004876520484685898, 0.008051342330873013, -0.004353783093392849, 0.0001379879395244643, -0.0011265213834121823, 0.0005077462992630899, 0.0025776871480047703, -0.006256504915654659, 0.007434567902237177, -0.0046444246545434, 0.0003754984645638615, -0.00019505499221850187, 0.003500242019072175, -0.0019128862768411636, -0.003164911875501275, 0.0063473135232925415, -0.003561771474778652, -0.002719323616474867, 0.0022494951263070107, 0.002245397539809346, -0.0031935747247189283, 0.0018084743060171604, -0.000967934203799814, 0.0008936377707868814, -0.0003397873661015183, -0.0027687184046953917, 0.0020704634953290224, -0.0019145281985402107, -0.000376900628907606, -0.0035498591605573893, 0.0012426406610757113, -0.003328093560412526, 0.001990963937714696, -0.003463474800810218, 0.0016472802963107824, -0.0016354132676497102, -0.004747136030346155, 0.0020383333321660757, 0.0019994364120066166, -0.004608453717082739, -0.0008032850455492735, 0.0033708775881677866, -0.0033641031477600336, -0.000397837400669232, 0.0015987477963790298, -0.0035410134587436914, -0.0018047153716906905, -0.00010668416507542133, -0.00022425223141908646, -0.004216002766042948, -0.0017956160008907318, 0.00249718246050179, -0.0056716641411185265, -0.0009089862578548491, -0.0046026818454265594, -0.002145943231880665, -0.0019295186502858996, -0.0043773953802883625, -0.0008298233733512461, -0.002801689552143216, -0.0029372423887252808, -0.00404547480866313, -0.0029748203232884407, -0.0008804565295577049, -0.004414543509483337, -0.003200977109372616, 0.000400776625610888, -0.004258044064044952, -0.003548756940290332, -0.00037012380198575556, -0.004605988040566444, -0.001618858426809311, -0.0013907786924391985, 0.0002577052509877831, -0.006247608456760645, -0.0003890371590387076, -0.0005086653982289135, -0.00575526338070631, -0.0008030852768570185, -0.0016056019812822342, -0.000805936346296221, -0.0023563203867524862, 0.0014418126083910465, -0.006461985409259796, -0.0016658928943797946, 0.001647014869377017, -0.0044083259999752045, -0.00015198116307146847, -0.002901968779042363, -0.0018884505843743682, -0.002758191665634513, -0.002712230198085308, -0.0012424009619280696, -9.293559560319409e-05, -0.005138663575053215, -0.0025082984939217567, -0.0033227144740521908, -0.002290635136887431, -0.003302949946373701, 0.000723396020475775, -0.00320307700894773, -0.00339846545830369, -0.0029224855825304985, -0.0019549441058188677, -0.0047469488345086575, -0.0008662926848046482, -0.0005141014116816223, -0.003329549916088581, -0.0019968629349023104, -0.002498216927051544, -0.002909112721681595, -0.0017456384375691414, -0.002025385620072484, -0.003498209873214364, -0.002440736396238208, -0.0031820773147046566, -0.0034256959334015846, -0.0017818688647821546, -0.005638118367642164, -0.003779982915148139, -0.0026209752541035414, -0.0038146174047142267, -0.004422207362949848, -0.004475006368011236, -0.0022683439310640097, -0.0035744491033256054, -0.005656861234456301, -0.0024856317322701216, -0.0008991208160296082, -0.004745859652757645, -0.0035638753324747086, -0.002317032776772976, -0.0022616989444941282, -0.0050872210413217545, -0.001197837176732719, -0.002656092867255211, -0.0031174602918326855, -0.0023456697817891836, -0.002201628405600786, -0.0024864317383617163, -0.0020419436041265726, -0.002807705197483301, -0.0022720510605722666, -0.0005981701542623341, -0.0028131045401096344, -0.0010538635542616248, 0.0013629683526232839, -0.0027736849151551723, -0.0002133750676875934, -0.0004899116465821862, -0.000630574650131166, -0.002229072852060199, 0.0007385491626337171, -0.00046775248483754694, -0.0017715835710987449, -0.0011794129386544228, -0.0011873472249135375, -0.00045103635056875646, -0.0031946441158652306, -0.002956208074465394, -0.0009265929111279547, -0.0015619808109477162, -0.0011373403249308467, -0.0013928036205470562, -0.0014912044862285256, -0.0008235409040935338, -0.0032291733659803867, -0.0018233234295621514, -0.0003018142597284168, -0.0003918884613085538, -0.0036359811201691628, 0.002608608454465866, -0.0006048466893844306, -0.002126480685546994, 0.0016656399238854647, 0.000316934019792825, 0.0008274451247416437, -0.0004211935738567263, 0.002026687143370509, 0.0028595847543329, -0.0011460823006927967, 0.003276379778981209, 0.0004520612710621208, 0.001042829710058868, 0.0008941329433582723, 0.0008459673845209181, -0.0018132864497601986, 0.0009069973602890968, 0.0005369151476770639, -0.0021913161035627127, 0.000729449384380132, 0.0005600131116807461, -0.0019594698678702116, -0.0007496465696021914, 0.0012915240367874503, 0.0024213374126702547, -0.0011982788564637303, 0.0027406811714172363, 0.0006883149617351592, 0.0008000466041266918, 0.0005013676709495485, 0.0024519453290849924, 0.0004253184888511896, -0.0004903434892185032, 0.0030018342658877373, -0.0011977493995800614, 0.0004107642453163862, 0.0020011391025036573, -0.000673276896122843, 0.0006571336416527629, -0.0009875706164166331, 0.0038629500195384026, 0.0007890929118730128, 0.0002943962754216045, 0.0019487988902255893, 0.0008318434120155871, -6.557104643434286e-05, 0.0030527778435498476, 0.000995710724964738, 0.0010348149808123708, 0.004274611361324787, -0.0006336714723147452, 0.003583451732993126, 0.0028755799867212772, -0.0007459820481017232, 0.004726559389382601, 0.0018479848513379693, 0.0010815515415742993, 0.002393155125901103, 0.00037589544081129134, 0.0031788910273462534, 0.0018283686367794871, -0.00024364283308386803, 0.0029921256937086582, 0.0011361724464222789, 0.0008329071570187807, 0.00355955446138978, 0.000659945304505527, 0.0007725048344582319, 0.004180386196821928, -0.00022580171935260296, 0.002332487842068076, 0.002741055330261588, 0.0024664332158863544, 0.0020036553032696247, 0.0017134863883256912, 0.0045555769465863705, 0.0012055247789248824, 0.0011627692729234695, 0.0013911807909607887, 0.0012950137024745345, 0.0013386525679379702, 0.0014998732367530465, 0.00042827994911931455, 0.00045603388571180403, -0.000800181005615741, 0.0015557589940726757, 0.0007514049648307264, -0.0024652660358697176, 0.0008745489176362753, 0.001058084424585104, -0.0008510386105626822, 0.002217749133706093, -0.000862449815031141, 0.002818948356434703, 0.00021840489353053272, 0.0003683423565234989, 0.0021474508102983236, 0.001733627519570291, -0.0003437626000959426, 1.362008788419189e-05, 0.0023156520910561085, 0.002603626111522317, 0.00036353079485706985, 0.0002690003893803805, 0.005219252780079842, 0.0007417798042297363, -0.0004965382977388799, 0.0011566771427169442, 0.002543360460549593, 0.0005034164641983807, 0.00014294846914708614, 0.004407500382512808, 0.0011882541002705693, -0.0011557460529729724, 0.0019848335068672895, 0.0028179383371025324, -0.0008518521790392697, 0.0014329365221783519, 0.0016090295976027846, 7.935936446301639e-05, 0.0016455320874229074, 0.0006954497657716274, 0.0007786488858982921, 0.002001601504161954, -0.0004501667572185397, 0.0003825307358056307, 0.0006414532545022666, 0.0009461957379244268, -0.0003394572122488171, 0.0011560911079868674, -0.00011434808402555063, 0.0006500161252915859, 0.0005053090280853212, 0.0011072376510128379, 0.0008414966287091374, -0.001266427687369287, 0.003028260776773095, -0.0009594256989657879, 0.001384770032018423, 0.0007555396296083927, 0.0004809091333299875, 0.0004985563573427498, 0.0011963995639234781, 0.0003762832493521273, -0.001603317796252668, 0.0023883546236902475, -0.00030476623214781284, 0.00014470775204245, -0.0010520900832489133, 0.0001372291735606268, 0.0017133797518908978, -0.0028415205888450146, 0.00048417062498629093, -0.0015394823858514428, -0.0003746274742297828, 0.00022976967738941312, -0.00013711935025639832, 0.00024197081802412868, 0.0008891909965313971, -0.00022815680131316185, 0.0002751110296230763, 0.0012718443758785725, 0.0019246599404141307, -0.00012043993774568662, 0.0021458417177200317, 0.002743786433711648, -0.0001596360671101138, 0.0022175819613039494, 0.0030290912836790085, 0.0005614511319436133, 0.0017013836186379194, 0.0005147817428223789, 0.003342539770528674, -0.0010340400040149689, 0.0022644493728876114, 0.0012989863753318787, -0.000684262893628329, 0.0015336237847805023, 0.0017218627035617828, -0.00017139290866907686, 0.00042208985541947186, 0.0019971493165940046, 0.0016066764947026968, 0.003247672226279974, -2.7302341550239362e-05, 0.004161493387073278, 0.0007216084050014615, 0.0028612737078219652, 0.0003053966211155057, 0.003075092565268278, 0.001885809819214046, 0.00020562113786581904, 0.0031718716491013765, 0.0012880978174507618, -0.00030071003129705787, 0.0011564507149159908, 0.0020226247143000364, 0.0006737079238519073, 0.0006559914909303188, 0.0002339705970371142, 0.0019617530051618814, 0.0005114214145578444, 0.0007337821298278868, 0.0023825382813811302, 0.0008403669344261289, 0.0014343485236167908, 0.0022808045614510775, 0.0020576429087668657, -0.000934750831220299, 0.0004158727533649653, 0.0005727801471948624, -0.0008644179324619472, 0.001531874411739409, 1.3113178283674642e-05, -0.0001194425203721039, 0.001080249552614987, 0.0009966468205675483, 0.0007382598705589771, 0.0012985806679353118, 0.001392266363836825, -0.0005503472057171166, 0.0018237625481560826, -0.001830197055824101, -6.108241359470412e-05, 0.0005964940646663308, 0.00047870693379081786, 0.0014486166182905436, 0.0005952290375716984, -0.0016495235031470656, 0.0024325510021299124, -0.0002855191414710134, 0.000385995110264048, 0.00277865887619555, 0.0003411700017750263, 0.003706453600898385, -0.00042280301568098366, 0.000397963885916397, 0.0026743265334516764, -0.00010802448377944529, 0.00029702376923523843, 0.002648967318236828, -0.0002470215840730816, 0.0005767841939814389, 0.00010944143286906183, 0.00016120147483889014, 0.00015790420002304018, -0.0015786080621182919, 0.0014358984772115946, 0.0006347396411001682, -0.0018810551846399903, -0.0013000031467527151, -0.0009941412135958672, -0.0016498940531164408, 0.0008695662254467607, -0.0017702436307445168, -0.0005916294758208096, 0.001408062526024878, -0.0001387790107401088, -0.00039454534999094903, -0.0013011422706767917, -0.0019122004741802812, 0.0007248991751112044, -0.0023116872180253267, -0.0021363093983381987, 0.0002653907868079841, -0.0023344065994024277, -0.002020368818193674, -0.001036066678352654, -0.0024735296610742807, -0.001768686342984438, -0.0014588625635951757, -0.0024435713421553373, -0.0031284824945032597, -0.0031668497249484062, -0.0023990636691451073, -0.002996560651808977, -0.002274048049002886, -0.002677110955119133, -0.0018201243365183473, -0.0022046712692826986, -0.002716451184824109, 7.313381502171978e-05, -0.0014964367728680372, -0.002608521841466427, -0.002353688469156623, -0.005792281590402126, -0.0013828991213813424, -0.0014644621405750513, -0.0032213833183050156, -0.0006912467069923878, -0.0017448323778808117, -0.0040019904263317585, -0.0019220999674871564, -0.00426230626180768, -0.0023736206348985434, -0.0031929449178278446, -0.0008504968718625605, -0.0013073929585516453, -0.0018291870364919305, -0.00280320318415761, 0.0018844144651666284, 0.0012420935090631247, -0.0031230265740305185, -0.0003954976564273238, -0.0018900391878560185, -0.0028153385501354933, 0.00037496525328606367, -0.0013845986686646938, -0.004380155820399523, -0.0009401279967278242, -0.0020679046865552664, -0.002209713915362954, -0.0018469361821189523, -0.0007717621047049761, -0.0026576414238661528, -0.0009986157529056072, -0.0018233427545055747, -0.0026679402217268944, -0.0013412918196991086, -0.00427379971370101, -0.0015909343492239714, -0.004629267379641533, -0.005519467405974865, -0.00013756196130998433, -0.0005319280317053199, -0.004299513064324856, -0.005097089800983667, -0.00405616220086813, -0.0037773307412862778, -0.004192105028778315, -0.0040221489034593105, -0.0024670870043337345, -0.005539210047572851, -0.00437959423288703, -0.0034155435860157013, -0.003213851246982813, -0.004675895906984806, -0.00398335000500083, -0.0049631642177701, -0.004574792459607124, -0.004813121631741524, -0.0042520067654550076, -0.005454533267766237, -0.003921992145478725, -0.0035063058603554964, -0.002704306971281767, -0.002516056876629591, -0.005692770704627037, -0.006042646709829569, -0.004891046788543463, -0.005775687284767628, -0.005135072395205498, -0.005666541866958141, -0.003760867053642869, -0.0035892862360924482, -0.0027556424029171467, -0.004053269047290087, -0.004157543648034334, -0.0038487755227833986, -0.003695824183523655, -0.007182684261351824, -0.002863191533833742, -0.0036046889144927263, -0.0036035077646374702, -0.0031266307923942804, -0.003867851570248604, -0.0015703968238085508, -0.005783814936876297, -0.004171538632363081, -0.0043141539208590984, -0.005499310791492462, -0.002855139784514904, -0.005032847635447979, -0.005460270680487156, -0.004443403333425522, -0.005054421257227659, -0.0053046890534460545, -0.0045271399430930614, -0.0039313496090471745, -0.006383730098605156, -0.0065956516191363335, -0.006694345269352198, -0.006946667563170195, -0.007051493506878614, -0.0022186916321516037, -0.00612011319026351, -0.006893326062709093, -0.004225419834256172, -0.00645892508327961, -0.003534357063472271, -0.0027358457446098328, -0.0058454484678804874, -0.0036166859790682793, -0.002844196045771241, -0.007029366213828325, -0.003646389814093709, -0.0008528287289664149, -0.004634031094610691, -0.00435587577521801, -0.004867208655923605, -0.004543718416243792, -0.0016889801481738687, -0.00817702617496252, -0.000559374166186899, 0.00430217245593667, -0.015050019137561321, -0.00155940605327487, 0.000912289135158062, -0.022039318457245827, 0.019264264032244682, -0.0024935416877269745, 0.006417146418243647, 0.047733236104249954, 0.056637611240148544, 0.016214042901992798, -0.04362952709197998, -0.038792818784713745, -0.012012305669486523, 0.005618023220449686, -0.03289498761296272, -0.02024240791797638, 0.014222375117242336, -0.015985066071152687, -0.019331874325871468, 0.012943129986524582, -0.0012706752168014646, -0.028228169307112694, -0.003285640152171254, -0.0025503218639642, -0.011577114462852478, 0.003906839527189732, -0.004761957097798586, -0.021745963022112846, 0.004066952038556337, 0.008557318709790707, 0.0034972981084138155, -0.01331634633243084, 0.03161519393324852, 0.016187770292162895, -0.010218601673841476, -0.010252479463815689, -0.0013153348118066788, 0.00042240199400112033, -0.005240496248006821, 0.0015459469286724925, -0.005658554844558239, -0.0030629041139036417, -0.0021417345851659775, 0.0005692813429050148, 0.0006468414794653654, -0.003243636339902878, -0.0008799195638857782, -0.0013418751768767834, 0.006056826561689377, -0.016797153279185295, -0.012009655125439167, -0.00205469923093915, -0.016034170985221863, -0.005376278422772884, 0.0022105497773736715, -0.02693619206547737, -0.03460125997662544, 0.04581667482852936, 0.06525993347167969, 0.060424745082855225, 0.05262770876288414, 0.0030730338767170906, -0.019461151212453842, -0.0302381981164217, -0.017542213201522827, 0.019126566126942635, -0.015190967358648777, -0.030480368062853813, 0.005055410787463188, 0.01390333753079176, -0.029805270954966545, 0.03850480541586876, -0.02384740114212036, 0.004109254106879234, 0.009392794221639633, -0.016586199402809143, 0.007803104352205992, -0.022661421447992325, -0.0004815742140635848, 0.01847102679312229, 0.004173099063336849, -0.0017702169716358185, 0.011002635583281517, -0.017727607861161232, 0.0014531915076076984, 0.0028957317117601633, -0.008306642062962055, 0.021580824628472328, 0.0026327522937208414, -0.0014682277105748653, 0.02574746496975422, 0.0026018661446869373, -0.00030284543754532933, 0.011598926037549973, -0.007213221862912178, 0.0024326578713953495, 0.004472247790545225, -0.009633650071918964, -0.0004494845634326339, 0.003758179023861885, 0.004190126433968544, -0.008639335632324219, 0.012491281144320965, 0.008840282447636127, -0.003062189556658268, 0.009058305993676186, 0.00036529236240312457, 0.0003450509684626013, -0.0017120837001129985, -0.00038821378257125616, 0.020708095282316208, -0.014265734702348709, -0.009422361850738525, 0.006342757027596235, -0.006997404620051384, -0.014387321658432484, 0.023305438458919525, -0.010149483568966389, -0.01603757217526436, 0.0041274274699389935, -0.0008551120408810675, -0.009958234615623951, 0.003917210269719362, 0.016649805009365082, -0.00040249538142234087, -0.022488171234726906, 0.017252888530492783, -0.008392459712922573, -0.008700565434992313, 0.016246918588876724, -0.026239510625600815, 0.013702788390219212, -0.0034208165016025305, 0.005592502653598785, -0.008330029435455799, 0.023963792249560356, -0.0118150869384408, -0.0066427686251699924, 0.042253680527210236, -0.02622191235423088, 0.03659963235259056, -0.027364054694771767, 0.0027893672231584787, 0.0023220882285386324, 0.016130706295371056, -0.01627364568412304, 0.031321216374635696, -0.019309982657432556, 0.0038604799192398787, 0.0005626857164315879, 0.03291374817490578, 0.011095425114035606, 0.0010270046768710017, -0.004234123509377241, 0.02646801806986332, -0.001277000643312931, -0.0048507885076105595, 0.025316894054412842, -0.025229180231690407, 0.024919146671891212, -0.01750827208161354, -0.007979022338986397, 0.04927372187376022, 0.006076675374060869, 0.0037761132698506117, -0.02652585133910179, 0.012965583242475986, 0.02367168292403221, -0.006156234536319971, 0.015551871620118618, 0.01627638377249241, -0.034229740500450134, -0.00837805587798357, 0.04859781637787819, -0.04582779482007027, 0.009583970531821251, 0.022238867357373238, -0.03273222967982292, 0.006673806346952915, -0.018357878550887108, 0.020797334611415863, -0.015281443484127522, 0.0033295582979917526, 0.0072182416915893555, 0.008010544814169407, -0.006325864233076572, 0.015225243754684925, -0.008855469524860382, 0.005580945406109095, -0.0013789964141324162, 0.01247476227581501, -0.03266662731766701, 0.002901304978877306, 0.003121545072644949, -0.036826491355895996, 0.009542759507894516, 0.005973032210022211, 0.05734075605869293, 0.10720271617174149, -0.01826433278620243, 0.06079290434718132, -0.02051790989935398, -0.0330386720597744, 0.00921466015279293, -0.04596098139882088, 0.011037323623895645, -0.039309050887823105, 0.01218227855861187, 0.01744990237057209, 0.01184962410479784, 0.012071800418198109, 0.03798259049654007, 0.00855011772364378, 0.046616081148386, 0.006108763162046671, 0.08031783998012543, 0.02757911942899227, 0.025890635326504707, 0.04853943735361099, 0.014902717433869839, 0.031184086576104164, -0.01150756049901247, -0.024371854960918427, 0.01935833878815174, 0.017560023814439774, -0.04922189563512802, 0.06179718300700188, -0.011473996564745903, -0.03681144863367081, 0.009065325371921062, -0.005318073555827141, -0.013033195398747921, 0.001591344247572124, 0.002171905478462577, -0.035642679780721664, -0.017984556034207344, 0.006776283495128155, -0.015458372421562672, 0.005008107051253319, -0.017562197521328926, 0.021450191736221313, 0.024077899754047394, -0.07419987767934799, 0.04915871471166611, -0.0021178412716835737, 0.0018547248328104615, -0.005180533044040203, 0.05743950977921486, 0.009144163690507412, 0.002119191223755479, 0.011903573758900166, -0.005429193377494812, 0.024564987048506737, 0.03157700225710869, 0.008758565410971642, 0.0026652070228010416, -0.005022123921662569, 0.02418440952897072, 0.01661567948758602, 0.016528001055121422, 0.008914515376091003, -0.01923493482172489, 0.059843409806489944, -0.020893028005957603, -0.04781924933195114, 0.020397137850522995, 0.000699294323567301, 0.010869821533560753, -0.058138564229011536, 0.04025446996092796, 0.005003443453460932, -0.05502581596374512, -0.021432073786854744, -4.710076973424293e-05, -0.05436110496520996, -0.005614900030195713, -0.0037024475168436766, -0.007524737622588873, 0.019353454932570457, -0.06459269672632217, -0.05181708559393883, -0.0030215182341635227, -0.03701917454600334, -0.035888560116291046, 0.019984610378742218, -0.025573989376425743, -0.00033957092091441154, -0.03630669042468071, 0.03350503370165825, 0.01915428414940834, 0.01948116533458233, 0.033011022955179214, 0.05921313539147377, 0.008479097858071327, -0.001154224039055407, 0.03293519467115402, 0.023081714287400246, 0.04761161655187607, 0.020346594974398613, -0.01832633465528488, 0.06278500705957413, -0.04129841923713684, -0.05476194620132446, 0.033528927713632584, -0.01741708628833294, -0.009710139594972134, -0.008493120782077312, -0.032500844448804855, -0.028959279879927635, -0.023456960916519165, -0.01669975556433201, -0.03442457690834999, 0.005932648200541735, -0.0671866238117218, 0.03239239752292633, 0.020731188356876373, -0.025573501363396645, 0.01843298226594925, -0.04376518353819847, -0.001641725655645132, -0.05692489817738533, 0.040243253111839294, 0.023479970172047615, -0.028379032388329506, 0.04167938604950905, -0.010398929938673973, -0.004321685526520014, 0.019678357988595963, -0.010179802775382996, -0.003689468838274479, -0.018017882481217384, 0.050720300525426865, 0.004237591754645109, -0.020136917009949684, 0.026391802355647087, -0.00875636376440525, -0.0050566415302455425, -0.021823594346642494, 0.019289996474981308, 0.0008882132242433727, -0.04534822329878807, -0.00967124942690134, -0.031667958945035934, 0.029395395889878273, -0.0017910501919686794, -0.042972683906555176, 0.08659286051988602, -0.023897269740700722, -0.06504204869270325, 0.05585366114974022, 0.016489598900079727, -0.049379993230104446, -0.000881996180396527, 0.03720704838633537, -0.024656685069203377, 0.019342102110385895, -0.006024092435836792, 0.031717583537101746, -0.02879059873521328, 0.003654629224911332, -0.015949223190546036, -0.010569386184215546, 0.02796967513859272, -0.007551105692982674, 0.01558369118720293, 0.019937491044402122, 0.016028767451643944, -0.006265316158533096, -0.023680759593844414, -0.0015028868801891804, -0.02653372660279274, -0.03181025758385658, -0.025102732703089714, 0.007644948083907366, -0.034951310604810715, 0.03238161280751228, 0.004416948184370995, -0.007158586289733648, -0.024017013609409332, -0.027999870479106903, 0.031830284744501114, -0.08932171016931534, -0.033856406807899475, 0.05602652207016945, -0.01039051916450262, 0.002509955083951354, 0.017284685745835304, 0.028374476358294487, 0.058058928698301315, -0.04170672595500946, -0.0032226648181676865, -0.016177067533135414, -0.013561842031776905, -0.013936074450612068, -0.028989426791667938, 0.024382581934332848, 0.056298453360795975, -0.013741365633904934, -0.010953717865049839, -0.060739073902368546, -0.0645725429058075, -0.0437818206846714, -0.0035400211345404387, 0.006161968689411879, -0.016720345243811607, 0.043496862053871155, -0.03961169719696045, -0.007410314399749041, -0.03675716742873192, -0.05702736973762512, -0.027239177376031876, -0.0539262555539608, -0.014135737903416157, -0.0036594250705093145, 0.001854803878813982, 0.01697218418121338, -0.02047920972108841, -0.028138304129242897, -0.02102806605398655, -0.011596397496759892, -0.00335068441927433, -0.0035107790026813745, -0.007329483982175589, -0.027168970555067062, 0.018004238605499268, 0.02934146113693714, 0.013617794960737228, 0.029864035546779633, 0.01289064809679985, -0.0068298508413136005, -0.01523727085441351, -0.0010977810015901923, 0.019988637417554855, 0.027549147605895996, 0.05426846817135811, 0.049453601241111755, 0.03507141396403313, 0.04128862917423248, 0.009590301662683487, 0.011339064687490463, 0.019361943006515503, 0.018714135512709618, 0.01886875368654728, 0.03037324734032154, 0.03152185305953026, 0.05999673902988434, 0.035650353878736496, 0.04669513925909996, 0.035797666758298874, 0.008955004625022411, 0.040163569152355194, 0.01938493177294731, 0.02987835556268692, 0.04595807194709778, 0.04993775859475136, 0.05213122069835663, 0.054286450147628784, 0.04455234110355377, 0.03521910309791565, 0.0467948392033577, 0.03004438616335392, 0.024208422750234604, 0.051721129566431046, 0.03685331717133522, 0.04422781243920326, 0.03382274881005287, 0.05021366849541664, 0.055362436920404434, 0.01211562380194664, 0.04465039074420929, 0.016618825495243073, 0.013927605003118515, 0.028271237388253212, 0.03182066231966019, 0.04091993346810341, 0.04578628018498421, 0.03076249547302723, 0.01030478160828352, 0.020988190546631813, -0.004269704222679138, -0.006261521950364113, 0.020587213337421417, -0.002979069482535124, 0.03624551743268967, 0.007471479941159487, 0.013235853984951973, 0.011145251803100109, -0.030313687399029732, 0.005418357905000448, -0.02325659804046154, -0.028028259053826332, 0.024198753759264946, -0.011864039115607738, 0.0007957201451063156, -0.018349507823586464, -0.01832745224237442, -0.015611759386956692, -0.030691852793097496, -0.03651043400168419, -0.02211451530456543, -0.040668610483407974, -0.055735137313604355, -0.046721454709768295, -0.04506424441933632, -0.013054897077381611, -0.022184031084179878, -0.022608032450079918, -0.06978262215852737, -0.08390536159276962, -0.08602975308895111, -0.06212884187698364, -0.07904774695634842, -0.0499490462243557, -0.02740325964987278, -0.049188870936632156, -0.046905893832445145, -0.06767473369836807, -0.07187055796384811, -0.09819420427083969, -0.11276864260435104, -0.09808596968650818, -0.11623505502939224, -0.10728826373815536, -0.07418658584356308, -0.1032169833779335, -0.09573682397603989, -0.09511507302522659, -0.12358231097459793, -0.10721809417009354, -0.12223643809556961, -0.1248091459274292, -0.11321079730987549, -0.09899697452783585, -0.09427198767662048, -0.06099921837449074, -0.013672944158315659, -0.004333207383751869, 0.014095931313931942, 0.023779723793268204, 0.015781177207827568, 0.014381649903953075, 0.028885425999760628, 0.04776670038700104, 0.06926362216472626, 0.07951198518276215, 0.08094862103462219, 0.08644495904445648, 0.08099393546581268, 0.07262329012155533, 0.06295441836118698, 0.06410855799913406, 0.031259480863809586, 0.042481716722249985, 0.03964194655418396, 0.01110281702131033, 0.02318095974624157, 0.007218222599476576, 0.008998355828225613, 0.004950319416821003, -0.017641231417655945, -0.011017128825187683, -0.02980758249759674, -0.040633901953697205, -0.02316635474562645, -0.024763600900769234, -0.0018104990012943745, 0.001439837971702218, 0.00988275371491909, 0.0051061492413282394, 0.018055474385619164, 0.02726743556559086, 0.021102938801050186, 0.03537896275520325, 0.03706459328532219, 0.05316469073295593, 0.06232842430472374, 0.07786322385072708, 0.0893259048461914, 0.09325024485588074, 0.09108834713697433, 0.09496058523654938, 0.08309554308652878, 0.0909719243645668, 0.09260573238134384, 0.09375347942113876, 0.09834737330675125, 0.08193247765302658, 0.07523306459188461, 0.0746234729886055, 0.06476310640573502, 0.06068664416670799, 0.05159129574894905, 0.03892882540822029, 0.02034730836749077, 0.01682746596634388, 0.016325581818819046, 0.012365104630589485, 0.03216961771249771, 0.02278987132012844, 0.020298650488257408, 0.022221138700842857, 0.013634823262691498, 0.025010183453559875, 0.021644549444317818, 0.025722751393914223, 0.044368889182806015, 0.032906267791986465, 0.05057568848133087, 0.04182066023349762, 0.0495104119181633, 0.04349454119801521, 0.03984386846423149, 0.04317362606525421, 0.03138313814997673, 0.04247087612748146, 0.02732757106423378, 0.030576536431908607, 0.022978900000452995, 0.013122365809977055, 0.017945582047104836, 0.0026449093129485846, -0.004386992659419775, -0.006947540212422609, -0.022437820211052895, -0.03571781516075134, -0.037164147943258286, -0.051481809467077255, -0.04506511986255646, -0.059859614819288254, -0.04837653413414955, -0.05946623906493187, -0.063387431204319, -0.06689432263374329, -0.09506440162658691, -0.09735291451215744, -0.10515333712100983, -0.09231675416231155, -0.09455756098031998, -0.09627913683652878, -0.09055545926094055, -0.11050372570753098, -0.1149805560708046, -0.10540291666984558, -0.12270500510931015, -0.12031048536300659, -0.12674738466739655, -0.13805867731571198, -0.1373031735420227, -0.1386474370956421, -0.12928752601146698, -0.12151036411523819, -0.11296439915895462, -0.10385732352733612, -0.10471982508897781, -0.12142353504896164, -0.12236317992210388, -0.11388891190290451, -0.10095009207725525, -0.06075119599699974, -0.04211849346756935, -0.0038970939349383116, 0.009612617082893848, 0.0030408166348934174, 0.011150595732033253, 0.02219107560813427, 0.04767432436347008, 0.04825471341609955, 0.04934365674853325, 0.06469748169183731, 0.060588348656892776, 0.05495457351207733, 0.06160729005932808, 0.06530078500509262, 0.06256144493818283, 0.05664312466979027, 0.05159131437540054, 0.031076952815055847, 0.025896571576595306, 0.007227940484881401, -0.0014829221181571484, -0.008960304781794548, -0.021052489057183266, -0.01719232089817524, -0.030630312860012054, -0.020807255059480667, -0.035657353699207306, -0.05094175040721893, -0.05487779900431633, -0.07737001776695251, -0.0818621888756752, -0.06723471730947495, -0.041726745665073395, -0.023715972900390625, -0.005015213042497635, 0.007296330761164427, 0.00400145398452878, -0.0010922950459644198, 6.297633080976084e-05, 0.0007510774885304272, 0.012192540802061558, 0.0338994562625885, 0.050309281796216965, 0.06468332558870316, 0.07624391466379166, 0.07487010210752487, 0.07550696283578873, 0.0744154155254364, 0.08173155039548874, 0.0827849730849266, 0.0872659832239151, 0.08563271164894104, 0.07213210314512253, 0.07191602140665054, 0.06538433581590652, 0.059754494577646255, 0.05121701955795288, 0.05181722715497017, 0.046921659260988235, 0.034600336104631424, 0.03380446508526802, 0.014938347041606903, 0.013538189232349396, 0.013443714939057827, 0.013675745576620102, 0.02685684524476528, 0.029669998213648796, 0.03828735277056694, 0.03561071306467056, 0.032973941415548325, 0.029560193419456482, 0.030033059418201447, 0.03320906311273575, 0.04155368357896805, 0.04516875743865967, 0.04807683825492859, 0.056566882878541946, 0.05592359974980354, 0.05354468524456024, 0.05755538120865822, 0.053246308118104935, 0.0467357337474823, 0.05013818293809891, 0.04059234634041786, 0.04067429155111313, 0.04452542960643768, 0.028966428712010384, 0.033617425709962845, 0.03000386245548725, 0.016469763591885567, 0.010120004415512085, -0.0043962267227470875, -0.008235801011323929, -0.01592373102903366, -0.01882118545472622, -0.019523266702890396, -0.029281238093972206, -0.03686279430985451, -0.03914916515350342, -0.049487099051475525, -0.04981764778494835, -0.048095110803842545, -0.05602860823273659, -0.052892427891492844, -0.05750860646367073, -0.05997832491993904, -0.058232471346855164, -0.060472097247838974, -0.06735057383775711, -0.07533817738294601, -0.06840011477470398, -0.07428209483623505, -0.0747770294547081, -0.06925526261329651, -0.07270468026399612, -0.07864402234554291, -0.08965937048196793, -0.09675771743059158, -0.10202714055776596, -0.10556747764348984, -0.1035369485616684, -0.10327526926994324, -0.10619182139635086, -0.1107403039932251, -0.11684596538543701, -0.12177455425262451, -0.12166226655244827, -0.11678659915924072, -0.11157844215631485, -0.109086774289608, -0.1070949137210846, -0.10423151403665543, -0.08925880491733551, -0.06535539776086807, -0.04194626957178116, -0.008744402788579464, 0.013503583148121834, 0.028826534748077393, 0.04368668794631958, 0.04146987944841385, 0.03242093697190285, 0.04149051010608673, 0.051400311291217804, 0.06206735968589783, 0.08267287909984589, 0.09550589323043823, 0.10164665430784225, 0.10707100480794907, 0.09576727449893951, 0.07798762619495392, 0.059803228825330734, 0.04778726398944855, 0.042039159685373306, 0.0310614462941885, 0.03778371214866638, 0.03804704546928406, 0.02795524336397648, 0.026667267084121704, 0.007131015416234732, -0.006628633942455053, -0.023847423493862152, -0.035470809787511826, -0.03383525833487511, -0.03518826141953468, -0.022993331775069237, -0.019848961383104324, -0.015327505767345428, -0.010766229592263699, -0.01442815363407135, -0.017818663269281387, -0.01583598554134369, -0.01329249981790781, -0.007486418355256319, 0.0010262693976983428, 0.013355182483792305, 0.02603204734623432, 0.031274065375328064, 0.03755864128470421, 0.03622203320264816, 0.03830181807279587, 0.03746301680803299, 0.03639231622219086, 0.045895807445049286, 0.042798902839422226, 0.04769091680645943, 0.05190484970808029, 0.05300971120595932, 0.0589505136013031, 0.053206685930490494, 0.051476310938596725, 0.04906973987817764, 0.04250155761837959, 0.03748774901032448, 0.031165005639195442, 0.03169575706124306, 0.03535860404372215, 0.044034481048583984, 0.047759585082530975, 0.05235891044139862, 0.05482165515422821, 0.05317340046167374, 0.04600570723414421, 0.04229358211159706, 0.04157537966966629, 0.04264971613883972, 0.04750656709074974, 0.04985567927360535, 0.05244781821966171, 0.05287020280957222, 0.05090917646884918, 0.04269866272807121, 0.03938833624124527, 0.04031188786029816, 0.042376067489385605, 0.04456767067313194, 0.04781804606318474, 0.05235708877444267, 0.051221124827861786, 0.0473107174038887, 0.03970359265804291, 0.03175700083374977, 0.02881980687379837, 0.02277730591595173, 0.025014419108629227, 0.020175959914922714, 0.015407525934278965, 0.01592809520661831, 0.011514756828546524, 0.005826460663229227, 0.0002771028084680438, -0.0003410964854992926, -0.003545374609529972, -0.003426304319873452, -0.0021291575394570827, -0.007387383375316858, -0.01002262532711029, -0.015570790506899357, -0.02079644426703453, -0.02461203560233116, -0.025881823152303696, -0.023286122828722, -0.021588057279586792, -0.025985101237893105, -0.02549699880182743, -0.03759812191128731, -0.04145422577857971, -0.04187752306461334, -0.043581340461969376, -0.03558824956417084, -0.03439818695187569, -0.031481921672821045, -0.036253053694963455, -0.04491405189037323, -0.04814380034804344, -0.060349319130182266, -0.05875313654541969, -0.06151868775486946, -0.057881150394678116, -0.055655624717473984, -0.059577565640211105, -0.05732421576976776, -0.06733780354261398, -0.06631562858819962, -0.07177308946847916, -0.07261836528778076, -0.06583987921476364, -0.07248510420322418, -0.07149818539619446, -0.07284469902515411, -0.0775214433670044, -0.06361058354377747, -0.06202574446797371, -0.04933386296033859, -0.03981725126504898, -0.03607718646526337, -0.02903362363576889, -0.033686451613903046, -0.025957558304071426, -0.02436761185526848, -0.015328902751207352, 0.0011413138126954436, 0.003280011471360922, 0.021072939038276672, 0.01973837800323963, 0.02064949832856655, 0.020019950345158577, 0.016082586720585823, 0.02371915988624096, 0.0214129276573658, 0.027847878634929657, 0.03098311275243759, 0.03239113464951515, 0.035951294004917145, 0.03372133523225784, 0.03362823650240898, 0.03534787520766258, 0.03396124765276909, 0.03170714154839516, 0.028490209951996803, 0.026317788287997246, 0.02095218189060688, 0.018925538286566734, 0.018362773582339287, 0.021303677931427956, 0.023559004068374634, 0.025159159675240517, 0.02227754332125187, 0.019205596297979355, 0.01875210925936699, 0.012962672859430313, 0.01493861898779869, 0.015489607118070126, 0.016622187569737434, 0.0202570129185915, 0.02033247984945774, 0.020156672224402428, 0.020830649882555008, 0.020755982026457787, 0.01889662630856037, 0.02044520527124405, 0.019558729603886604, 0.02248803712427616, 0.025174617767333984, 0.026208609342575073, 0.028295211493968964, 0.028044909238815308, 0.03013167530298233, 0.028490452095866203, 0.02740260399878025, 0.030509546399116516, 0.029496021568775177, 0.031294144690036774, 0.03257814049720764, 0.030727902427315712, 0.032794322818517685, 0.03414107859134674, 0.03467366099357605, 0.03674475848674774, 0.0354837030172348, 0.036639951169490814, 0.03660321608185768, 0.03486648574471474, 0.03476482257246971, 0.03295115381479263, 0.03317539766430855, 0.032727669924497604, 0.034438103437423706, 0.034922946244478226, 0.03686331585049629, 0.0345328263938427, 0.03147353604435921, 0.029337646439671516, 0.028820818290114403, 0.028223901987075806, 0.027836225926876068, 0.028100870549678802, 0.029021374881267548, 0.028602974489331245, 0.026691826060414314, 0.026250336319208145, 0.021877584978938103, 0.020289994776248932, 0.019429419189691544, 0.01595996506512165, 0.016207227483391762, 0.01619461178779602, 0.015748685225844383, 0.014755751937627792, 0.012517369352281094, 0.012119182385504246, 0.010534822940826416, 0.00795748084783554, 0.006858211476355791, 0.005816745571792126, 0.0038522386457771063, 0.003505465341731906, 0.0022390759550035, 0.0027271865401417017, 0.0013249666662886739, 0.001027630059979856, -0.0025149285793304443, -0.004774949513375759, -0.005035503767430782, -0.006971871946007013, -0.008462340570986271, -0.008522691205143929, -0.010152832604944706, -0.01147520076483488, -0.013021391816437244, -0.015610923059284687, -0.01817166991531849, -0.021425552666187286, -0.022994477301836014, -0.026174746453762054, -0.02736615389585495, -0.027089467272162437, -0.02786630392074585, -0.028838589787483215, -0.029236381873488426, -0.03226681426167488, -0.03399847075343132, -0.03657511994242668, -0.03894740343093872, -0.038934845477342606, -0.039902206510305405, -0.03894873335957527, -0.038271524012088776, -0.03784570470452309, -0.039410125464200974, -0.04063500463962555, -0.04176655784249306, -0.04524746164679527, -0.04410367086529732, -0.04452725499868393, -0.04345426335930824, -0.040755193680524826, -0.04041539132595062, -0.03905210271477699, -0.039212916046381, -0.03873838856816292, -0.03919747844338417, -0.03865264356136322, -0.03698939457535744, -0.03411000221967697, -0.03162167966365814, -0.027585038915276527, -0.02446008287370205, -0.024437999352812767, -0.020819609984755516, -0.019385436549782753, -0.01697126030921936, -0.011888823471963406, -0.008337319828569889, -0.004644544329494238, 0.0012570538092404604, 0.004837378393858671, 0.007818411104381084, 0.011574641801416874, 0.013619966804981232, 0.016071384772658348, 0.017876295372843742, 0.019204113632440567, 0.023509930819272995, 0.026920707896351814, 0.02953181229531765, 0.032867681235075, 0.03410174325108528, 0.03426065668463707, 0.03199578449130058, 0.02934577874839306, 0.029006950557231903, 0.027218975126743317, 0.02571551874279976, 0.02505349926650524, 0.023320702835917473, 0.02272360771894455, 0.02129487134516239, 0.01862339861690998, 0.016543995589017868, 0.012220600619912148, 0.009336023591458797, 0.00584345031529665, 0.002416039817035198, 0.001860585529357195, 0.0020156174432486296, 0.0035241080913692713, 0.004479158669710159, 0.004038525279611349, 0.0033054882660508156, 0.0024969165679067373, -9.782884262676816e-06, -0.0005744416266679764, -0.0003948255907744169, 0.0010985885746777058, 0.004128678701817989, 0.006541797425597906, 0.009073602966964245, 0.010521708987653255, 0.012949513271450996, 0.013712200336158276, 0.015730272978544235, 0.01894734613597393, 0.019898563623428345, 0.02281465008854866, 0.02464544214308262, 0.026844872161746025, 0.027554811909794807, 0.02814781852066517, 0.02919396013021469, 0.02959100715816021, 0.030548321083188057, 0.0314880907535553, 0.03226417675614357, 0.03250553831458092, 0.03229275718331337, 0.0310637429356575, 0.030245132744312286, 0.02836182713508606, 0.027863971889019012, 0.027625083923339844, 0.02654682844877243, 0.026246797293424606, 0.024588998407125473, 0.022724254056811333, 0.01966182515025139, 0.016285065561532974, 0.013541234657168388, 0.011086581274867058, 0.00950433686375618, 0.008212084881961346, 0.006613442674279213, 0.004779522772878408, 0.001756376470439136, -0.0005709957331418991, -0.0026476916391402483, -0.004214378073811531, -0.005266312975436449, -0.0056455302983522415, -0.0062547484412789345, -0.006878347601741552, -0.00938398577272892, -0.009837071411311626, -0.010377120226621628, -0.011309472844004631, -0.010513165034353733, -0.010156265459954739, -0.009161083959043026, -0.009378979913890362, -0.009461789391934872, -0.010497793555259705, -0.011021253652870655, -0.010944344103336334, -0.011443082243204117, -0.011775552295148373, -0.012702669017016888, -0.014060861431062222, -0.014270360581576824, -0.01389553863555193, -0.01545047853142023, -0.014798585325479507, -0.01586875133216381, -0.01626054011285305, -0.015805618837475777, -0.01768694445490837, -0.01790734939277172, -0.0196102112531662, -0.019559063017368317, -0.020447762683033943, -0.020363954827189445, -0.020365944132208824, -0.02135981246829033, -0.021835962310433388, -0.02282377891242504, -0.023724159225821495, -0.02603793516755104, -0.026225905865430832, -0.02587711438536644, -0.025449013337492943, -0.024103328585624695, -0.022546345368027687, -0.022598519921302795, -0.024152645841240883, -0.02644706517457962, -0.030064880847930908, -0.03222603723406792, -0.03371984139084816, -0.03373674675822258, -0.03243386372923851, -0.03128388896584511, -0.030017763376235962, -0.030267640948295593, -0.03087395615875721, -0.03136433660984039, -0.031735509634017944, -0.032319072633981705, -0.03217516466975212, -0.0308139156550169, -0.029453197494149208, -0.027517439797520638, -0.024901092052459717, -0.022354109212756157, -0.019871117547154427, -0.018803782761096954, -0.016723593696951866, -0.0145168611779809, -0.012951377779245377, -0.009874721057713032, -0.007070001680403948, -0.004316294565796852, -0.002358796773478389, 0.0007704797317273915, 0.002286311471834779, 0.004428385756909847, 0.006271946243941784, 0.008726845495402813, 0.010181066580116749, 0.012432850897312164, 0.013923420570790768, 0.01558974664658308, 0.016305264085531235, 0.01767975650727749, 0.018859580159187317, 0.019607748836278915, 0.0207660049200058, 0.020582569763064384, 0.02037922665476799, 0.02000628598034382, 0.019197283312678337, 0.018590258434414864, 0.01742178574204445, 0.017842093482613564, 0.018496418371796608, 0.017321983352303505, 0.0172470323741436, 0.016461512073874474, 0.016113413497805595, 0.015733448788523674, 0.014521514065563679, 0.014223597012460232, 0.01409225258976221, 0.013039750047028065, 0.01257931999862194, 0.011985263787209988, 0.01145948376506567, 0.011976619251072407, 0.01154263038188219, 0.011785988695919514, 0.011975851841270924, 0.011174626648426056, 0.01077507808804512, 0.009392966516315937, 0.00828803051263094, 0.00880481768399477, 0.008419896475970745, 0.00812873151153326, 0.007931976579129696, 0.007484316360205412, 0.006656123790889978, 0.005643526092171669, 0.005259998142719269, 0.00479269539937377, 0.0053957547061145306, 0.005731503013521433, 0.006276238709688187, 0.007214980665594339, 0.007253746967762709, 0.007202998269349337, 0.007123004179447889, 0.006117293611168861, 0.005394672509282827, 0.003975397907197475, 0.004366545472294092, 0.004059228114783764, 0.004135423805564642, 0.005740817170590162, 0.004977773874998093, 0.004202563781291246, 0.002769674640148878, 0.002431838307529688, 0.001578653696924448, 0.00021512381499633193, 4.3462994653964415e-05, 0.0007372873951680958, 0.00012244208483025432, -0.0013922807993367314, -0.0022935981396585703, -0.0033312118612229824, -0.0040682293474674225, -0.005531642585992813, -0.006480726879090071, -0.006746354512870312, -0.008011753670871258, -0.008414484560489655, -0.008352463133633137, -0.008743726648390293, -0.009024965576827526, -0.008653105236589909, -0.009375058114528656, -0.009934861212968826, -0.009012321010231972, -0.010447419248521328, -0.010697348043322563, -0.010593414306640625, -0.010306565091013908, -0.010920329950749874, -0.011603725142776966, -0.010612595826387405, -0.010808050632476807, -0.010941875167191029, -0.012316581793129444, -0.01283285953104496, -0.01172451302409172, -0.012669980525970459, -0.01277960930019617, -0.013200778514146805, -0.01284683309495449, -0.012446243315935135, -0.013095815666019917, -0.013035867363214493, -0.013572419993579388, -0.014221134595572948, -0.015287392772734165, -0.015500261448323727, -0.01546289399266243, -0.015237964689731598, -0.014775317162275314, -0.014567192643880844, -0.014162034727633, -0.015312821604311466, -0.01670396886765957, -0.01769145019352436, -0.017841927707195282, -0.017887232825160027, -0.017548097297549248, -0.017283085733652115, -0.017206186428666115, -0.016599835827946663, -0.01685972698032856, -0.016240788623690605, -0.016431516036391258, -0.016228796914219856, -0.015363585203886032, -0.015675988048315048, -0.015056376345455647, -0.014718905091285706, -0.013406936079263687, -0.012162728235125542, -0.011306547559797764, -0.010461007244884968, -0.009543053805828094, -0.008759611286222935, -0.00788297038525343, -0.006765814498066902, -0.00526853371411562, -0.00439560366794467, -0.003324215766042471, -0.0029547333251684904, -0.0022904176730662584, -0.0013318706769496202, -0.000860418367665261, -0.00037198534118942916, 9.479971777182072e-05, 0.0017495477804914117, 0.002313286764547229, 0.0030834157951176167, 0.003243769519031048, 0.003039391478523612, 0.003745809430256486, 0.0034055672585964203, 0.003923818003386259, 0.004043533932417631, 0.004763592500239611, 0.004648480098694563, 0.004790084902197123, 0.005940624047070742, 0.005591294262558222, 0.0065732900984585285, 0.00666723120957613, 0.007352321874350309, 0.00718752620741725, 0.007548201363533735, 0.008061087690293789, 0.008663351647555828, 0.009609777480363846, 0.009343298152089119, 0.009856408461928368, 0.009576256386935711, 0.010173635557293892, 0.009202894754707813, 0.008822533302009106, 0.008974708616733551, 0.008961822837591171, 0.008869810961186886, 0.008879700675606728, 0.008750676177442074, 0.007743513211607933, 0.007367611397057772, 0.006872349884361029, 0.006389592308551073, 0.005532549694180489, 0.005150544457137585, 0.00471449363976717, 0.00477964710444212, 0.004573644604533911, 0.004427534062415361, 0.0040801758877933025, 0.003915830049663782, 0.0031672436743974686, 0.0031208363361656666, 0.0029736252035945654, 0.0024538240395486355, 0.0029919708613306284, 0.0031084923539310694, 0.00335439364425838, 0.00303090107627213, 0.0026527736335992813, 0.0024148637894541025, 0.002274425234645605, 0.0029349217656999826, 0.0025861659087240696, 0.003243617946282029, 0.004304456990212202, 0.003886355087161064, 0.0036961811129003763, 0.003684400347992778, 0.0037013578694313765, 0.003826938336715102, 0.003940848167985678, 0.004042788874357939, 0.0044483463279902935, 0.004513195715844631, 0.00446483725681901, 0.003503928193822503, 0.0031319649424403906, 0.0026596025563776493, 0.0022871526889503, 0.0016444604843854904, 0.0010421853512525558, 0.0013965824618935585, 0.0009281804668717086, 0.00045290470006875694, -0.00021679449127987027, -0.00032285775523632765, -0.0007719653658568859, -0.0013740146532654762, -0.0014752866700291634, -0.0022458534222096205, -0.002342888619750738, -0.0023478642106056213, -0.0020367472898215055, -0.0018281523371115327, -0.0018223124789074063, -0.0018519795266911387, -0.0014860999071970582, -0.0016766655026003718, -0.001533656264655292, -0.0016908349934965372, -0.0014671598328277469, -0.00180872215423733, -0.0008285550866276026, -0.0013219541870057583, -0.0008635924314148724, 0.00021334308257792145, -0.0007625742582604289, -0.0009676101617515087, -0.0013876099837943912, 0.00024764405679889023, 0.0002609147340990603, -0.00022030937543604523, 7.706170435994864e-05, -0.00023811038408894092, -0.0009855147218331695, -0.0009483087924309075, -0.0012632409343495965, -0.0015626841923221946, -0.0016747931949794292, -0.0022249799221754074, -0.0017780516063794494, -0.001543678343296051, -0.0018230240093544126, -0.001028877217322588, -0.0010397564619779587, -0.0013066170504316688, -0.0004376844735816121, -0.0005267388769425452, -0.0006590737029910088, -0.00055910978699103, 0.0001348645455436781, 0.0006732624024152756, 0.0010986457346007228, 0.0016534787137061357, 0.001726247719489038, 0.002163113560527563, 0.002063542837277055, 0.0030234770383685827, 0.0025266422890126705, 0.0028446116484701633, 0.003595113754272461, 0.003773694857954979, 0.004268109332770109, 0.004106202628463507, 0.004449492786079645, 0.005111326929181814, 0.004253955092281103, 0.003767934627830982, 0.003960377536714077, 0.003731590462848544, 0.004605582449585199, 0.004720117896795273, 0.005984090734273195, 0.006120199337601662, 0.0053190793842077255, 0.005512468051165342, 0.0039750961586833, 0.0032080572564154863, 0.0025785702746361494, 0.00222541275434196, 0.0022904525976628065, 0.0019092541188001633, 0.002492753090336919, 0.0025231477338820696, 0.002060794271528721, 0.0018009196501225233, 0.0013688405742868781, 0.0014538852265104651, 0.0016191633185371757, 0.0017582481959834695, 0.0020507771987468004, 0.0022005171049386263, 0.002087380038574338, 0.001976940780878067, 0.0021062034647911787, 0.001370693789795041, 0.0009983862983062863, 0.0010194951901212335, 0.0003370108606759459, 0.0007973101455718279, 0.0007712163496762514, 0.0011463866103440523, 0.0006922954344190657, 0.001510708243586123, 0.0017109890468418598, 0.0015747265424579382, 0.0011532410280779004, 0.001127248047851026, 0.0005161987501196563, 0.00032187014585360885, 0.0005472744232974946, 0.0010818429291248322, 0.0013481058413162827, 0.001107866526581347, 0.002259068423882127, 0.0025011987891048193, 0.002500981790944934, 0.0018629237310960889, 0.0025434691924601793, 0.002164755715057254, 0.0025389858055859804, 0.0025439371820539236, 0.0025684491265565157, 0.0023305921349674463, 0.0012650821590796113, 0.0015859673731029034, 0.0006749874446541071, 0.0011730972910299897, 0.0016725935274735093, 0.0016826190985739231, 0.0022475107107311487, 0.0016098185442388058, 0.0017256010323762894, 0.001152342651039362, 0.000788013159763068, 0.0005103532457724214, 0.00010125134576810524, -0.00024202943313866854, -0.0009168668184429407, -0.00032820022897794843, -0.0006126635707914829, -7.207753515103832e-05, -0.0007996147032827139, 0.0009177066967822611, 0.0006403815932571888, 0.00047894439194351435, 0.00025170290609821677, 0.0002537596446927637, 0.0009691679733805358, -9.911934466799721e-05, 0.0011555900564417243, 0.0005448786541819572, 0.0007559810183010995, 0.00030475840321742, 0.00018010576604865491, 5.2306964789750054e-05, -0.0005057418020442128, -0.0006433952949009836, -0.001712669967673719, 0.0001498686906415969, -0.00019768816127907485, 0.0010882336646318436, 0.0007754296530038118, 0.0008663924527354538, 6.934660632396117e-05, -0.0022000910248607397, -0.0011961236596107483, -0.002836206229403615, -0.0023569308687001467, -0.0037133432924747467, -0.002151995664462447, -0.001861357013694942, -0.0018571469699963927, -0.0013571359449997544, -0.0022481754422187805, -0.0018026925390586257, -0.0021558329463005066, -0.0021118447184562683, -0.0015615890733897686, -0.0011193773243576288, -0.0009078116272576153, 0.0003146156668663025, -0.0010135318152606487, -0.0003015943511854857, -0.0010019432520493865, -0.0001098324210033752, 0.0003961476031690836, -0.00022870393877383322, 0.0015754940686747432, 0.0015247397823259234, 0.001354902982711792, 0.0016009574756026268, 0.0016183769330382347, 0.001809366513043642, 0.0021167760714888573, 0.0016750821378082037, 0.0024190975818783045, 0.0020751431584358215, 0.001758950180374086, 0.001523977960459888, 0.002309932839125395, 0.0034625588450580835, 0.0028451147954910994, 0.004380814731121063, 0.0042118807323277, 0.004130596294999123, 0.004476130474358797, 0.005181570537388325, 0.004226848017424345, 0.004111150279641151, 0.003339942079037428, 0.003664826974272728, 0.0031654248014092445, 0.0023355470038950443, 0.0024426993913948536, 0.0016884277574717999, 0.0021555887069553137, 0.0021413860376924276, 0.002794753760099411, 0.0028347244951874018, 0.002696595387533307, 0.0030985334888100624, 0.003170459996908903, 0.0023741847835481167, 0.0022005445789545774, 0.0024484924506396055, 0.0014625111361965537, 0.0011734161525964737, 0.0015132325934246182, 0.00014475718489848077, 0.0007935769390314817, 0.0007305899052880704, 0.00041299668373540044, 0.00036288180854171515, 0.0005684499046765268, 0.0014245285419747233, 0.000288957089651376, 0.0008350950665771961, -8.895947394194081e-05, -8.22756701381877e-05, -0.00025901649496518075, -0.0009886070620268583, -0.000660628080368042, -0.001610876526683569, -0.001337682013399899, -0.0011492810444906354, -0.0006797753158025444, -0.0008306992240250111, -0.00018788558372762054, -0.0003713698824867606, -0.00041805615182965994, -0.0003111928526777774, -0.00131940096616745, -0.00021456133981700987, -0.001244226936250925, -0.000174437474925071, -0.00026422805967740715, 0.00026707930373959243, 0.000590306066442281, -1.7784923329600133e-05, 0.0005864710547029972, -0.0005516600213013589, -0.0001089289435185492, 0.0002890306059271097, -0.00013644697901327163, 0.0007827018853276968, 0.001206723041832447, 0.00037317839451134205, 0.0024802307598292828, 0.00107166962698102, 0.002621282124891877, 0.001140977838076651, 0.00038054678589105606, 0.0013866252265870571, -7.456308958353475e-05, 0.0017486432334408164, 0.001028162776492536, 0.0012602012138813734, 0.0015793131897225976, 0.001153644872829318, 0.0007415586733259261, 0.001340376678854227, 0.0019707712344825268, 0.0017398376949131489, 0.0015220283530652523, 0.0005255413707345724, 0.0013262395514175296, 0.0002473944623488933, -0.0006753026973456144, 0.00015285330300685018, 0.0006527951336465776, 0.000246364448685199, 0.0007689297781325877, 0.0012245954712852836, -0.00112719286698848, 0.0008420832455158234, -0.00021455953537952155, 0.0010615201899781823, 0.00024441155255772173, -0.000160720941494219, 0.00041311170207336545, -0.0005587138002738357, -0.00032201872090809047, -0.0011658492730930448, -0.00150634057354182, -0.0005990040372125804, -0.0008226722711697221, -0.001403598114848137, -0.001600293442606926, -0.0010216713417321444, -0.0008572160149924457, -0.0025005952920764685, -0.0012606928357854486, -0.0012736944481730461, -0.0023940729442983866, -0.0014476460637524724, -0.0030955099500715733, -0.002118923934176564, -0.0024116956628859043, -0.001968211494386196, -0.001341181923635304, -0.0033126440830528736, -0.0019732501823455095, -0.0011833620956167579, -0.002601535525172949, -0.0008493049535900354, -0.0014013092732056975, -0.0016997307538986206, -0.002388001885265112, -0.0011870901798829436, -0.0012458181008696556, -7.430386176565662e-05, -0.0013054078444838524, 0.0007389409583993256, -0.00037494307616725564, -0.000983820646069944, -0.0010742376325652003, -0.0014753075083717704, -0.00020737366867251694, 0.0006126207299530506, -0.0004152695764787495, 0.001110300188884139, 0.000625109882093966, 0.00026307778898626566, -0.0003854126262012869, 0.0020122795831412077, 0.00029829799314029515, 0.0003963125927839428, 0.0021964183542877436, 0.0028831386007368565, 0.0017690896056592464, 0.0023679868318140507, 0.0017470683669671416, 0.002536345971748233, 0.0021560348104685545, 0.0009076444548554718, 0.002644914435222745, 0.0011074040085077286, 0.00039410291356034577, 0.0014566932804882526, 0.0008583018206991255, 0.0019327405607327819, 0.0002466740261297673, 0.0012264905963093042, -0.0012626933166757226, 0.0002905471483245492, -7.198551884357585e-06, -0.0009210885618813336, 0.0005101778660900891, 3.981730333180167e-05, -0.00183095911052078, -0.0020447273273020983, 0.0004488828417379409, 0.0002832018944900483, 6.0361464420566335e-05, -0.0016410889802500606, 0.0005791457952000201, -0.0010395589051768184, -0.0006866165203973651, -0.0020627686753869057, -0.0006294374470598996, -0.0019851909019052982, -0.0022300758864730597, -0.001036141300573945, -0.002221849514171481, -0.001631561666727066, -0.0031313803046941757, 0.00040738124516792595, -0.002671817084774375, -0.0009298285585828125, -0.0021800894755870104, -0.0014865404227748513, -0.00308978627435863, -0.0026470813900232315, -0.0004362227628007531, -0.0012679299106821418, 0.00017675869457889348, -0.001374370651319623, 0.0004886951064690948, -0.0011190649820491672, -0.0008068697061389685, 0.00020823073282372206, -0.0005560031277127564, 0.0017441491363570094, 0.0007648278842680156, 0.0008662076434120536, 0.0013240105472505093, 0.0020363726653158665, 0.0008561004069633782, 0.00022075480956118554, 0.0011712941341102123, 0.0007759174914099276, 0.0014416687190532684, 2.3729147869744338e-05, -0.00012011652142973617, 0.0013564745895564556, 0.0013522484805434942, 0.001955142244696617, 0.0005561860161833465, 0.0009101317264139652, 0.0014556623063981533, 0.0012227136176079512, -0.0006223202799446881, 0.0026781291235238314, 0.0009033855167217553, 0.0018783886916935444, 0.0005832223687320948, 0.0020066106226295233, 0.0022132904268801212, 0.002104019047692418, 0.0021633878350257874, 0.001461388310417533, 0.0021846015006303787, 0.0017923348350450397, 0.0021547535434365273, 0.0005714246071875095, 0.0025075445882976055, -0.0001348570076515898, 0.00267860502935946, 0.00022197120415512472, 0.0011278254678472877, 0.0031782235018908978, 0.00025266408920288086, 0.004760147538036108, 0.002221249043941498, 0.005891026929020882, 0.004891218151897192, 0.003544262843206525, 0.00407644547522068, 0.0036284627858549356, 0.0015892937080934644, 0.007673059124499559, 0.0019001615000888705, 0.00470567774027586, 0.009661116637289524, -0.0016406377544626594, 0.013568445108830929, -0.0017051678150892258, 0.009779626503586769, 0.0002846372954081744, 0.0051844147965312, 0.009452171623706818, 0.013444853946566582, 0.019384954124689102, -0.004256930667907, 0.004550005774945021, -0.008037430234253407, -0.017635194584727287, -0.02818094752728939, -0.022341491654515266, -0.020603055134415627, -0.019071120768785477, -0.0058999257162213326, 0.0050390660762786865, 0.012938116677105427, 0.014717134647071362, 0.0199264045804739, 0.014135974459350109, 0.013759862631559372, 0.008172213099896908, 0.008383923210203648, -0.00204032682813704, -0.0002823219110723585, 0.001300412230193615, 0.009253921918570995, 0.006316238548606634, 0.012550621293485165, 0.01541076973080635, 0.008817494846880436, 0.010560526512563229, 0.009772167541086674, 0.006550304125994444, 0.0006721144309267402, -0.0017769900150597095, 0.003273406997323036, -0.0017844457179307938, 0.0013251755153760314, 0.0008799132774583995, 0.0020888636354357004, -0.0038014333695173264, 0.00019379791046958417, -0.006503501441329718, -0.007477725390344858, -0.011935829184949398, 0.0003782630665227771, -0.0025786112528294325, 0.004352583549916744, 0.023684410378336906, 0.018934298306703568, 0.02613505721092224, 0.020642369985580444, 0.02283661626279354, 0.013239082880318165, 0.004570066463202238, -0.011708054691553116, -0.006383070722222328, -0.023684687912464142, -0.01849127933382988, -0.017994174733757973, -0.018754692748188972, -0.004381995182484388, -0.002970987232401967, 0.014230935834348202, 0.0187442097812891, 0.023433836176991463, 0.021884571760892868, 0.027338627725839615, 0.012533001601696014, 0.0025493463035672903, -0.0006809676997363567, -0.019270693883299828, -0.010605703108012676, -0.025580795481801033, -0.007842711172997952, -0.004968575201928616, 0.0028309987392276525, 0.01862422004342079, 0.015379405580461025, 0.028184205293655396, 0.019559066742658615, 0.023570897057652473, 0.000752552761696279, 0.004055177327245474, -0.006214485038071871, -0.013906433247029781, -0.014014237560331821, -0.016274329274892807, -0.014448225498199463, -0.014875232242047787, -0.005681310314685106, -0.0033981651067733765, 0.00492616044357419, 0.00853960495442152, 0.008472207002341747, 0.013737325556576252, 0.01356580387800932, 0.01064741425216198, 0.0085532758384943, 0.007675224915146828, -0.0010519986972212791, 0.002827803138643503, -0.009102710522711277, -0.0027539923321455717, -0.006711648311465979, -0.004267607815563679, 0.0007908066036179662, 0.0024964979384094477, 0.0015100222080945969, 0.011053401976823807, -7.177904626587406e-05, 0.014622843824326992, 0.002966096857562661, 0.004156677983701229, 0.016556615009903908, -0.00773575296625495, 0.013046449050307274, -0.0042403810657560825, 0.009955599904060364, -0.008020855486392975, 0.005706549156457186, 0.0007020295597612858, 0.0020004359539598227, 0.008333205245435238, -0.00920838676393032, 0.017600340768694878, -0.011340973898768425, 0.016480227932333946, -0.010028654709458351, 0.006107693538069725, -0.004511119332164526, -0.00398296257480979, 0.0020011139567941427, -0.0034939758479595184, 0.00978090614080429, -0.00018070376245304942, 0.013311024755239487, 0.0027923136949539185, 0.014122799970209599, 0.0052268910221755505, 1.910096216306556e-05, 0.015023414045572281, -0.009757019579410553, 0.002118788193911314, 0.0006712975446134806, 0.0005312211578711867, -0.0033645560033619404, 0.0068317013792693615, -0.0016063731163740158, 0.007890201173722744, -0.000527795113157481, 0.011723697185516357, 0.0033375644125044346, 0.011581351980566978, 0.01001468114554882, -0.0008232419495470822, 0.007361059542745352, -0.0027932003140449524, -0.002460832241922617, -0.003096620552241802, -0.0005556289106607437, 0.007954013533890247, -0.006969747599214315, 0.009802032262086868, 0.004355722106993198, 0.010844397358596325, 0.005328943952918053, 0.007792297285050154, 0.010963615030050278, 0.004000592511147261, 0.010065292939543724, 0.003662983188405633, 0.00421815225854516, -0.0016771542141214013, -0.000318163656629622, 0.0006089220405556262, -0.004866482224315405, 0.008174028247594833, 0.004650866612792015, 0.013942117802798748, 0.007809409871697426, 0.02438250370323658, 0.006648005452007055, 0.016792695969343185, -0.012042727321386337, 0.025758445262908936, -0.011625157669186592, 0.004998683929443359, 0.002950691618025303, 0.002699850359931588, 0.008746671490371227, 0.0027076213154941797, 0.004088503308594227, 0.0022554288152605295, 0.008192683570086956, -0.007453778758645058, 0.01411446277052164, -0.012316823936998844, 0.017562052235007286, 0.0022744997404515743, 0.007140438538044691, 0.019788309931755066, -0.016737235710024834, 0.02590823732316494, 0.00949435867369175, -0.002933421405032277, 0.02395041286945343, 0.003396157408133149, 0.023741567507386208, 0.011162578128278255, 8.67924391059205e-05, 0.010198621079325676, -0.0022657413501292467, -0.012392335571348667, 0.010144054889678955, -0.031232411041855812, 0.013548609800636768, -0.025597548112273216, -0.007630581501871347, 0.012550038285553455, -0.024279344826936722, 0.02783314883708954, -0.04234762862324715, 0.0377233661711216, -0.03519111126661301, -0.0016447800444439054, -0.011945754289627075, -0.04579894617199898, -0.0001979979278985411, -0.05921441689133644, 0.007127685006707907, -0.05031145364046097, -0.009949066676199436, -0.023210754618048668, -0.013038061559200287, -0.008147839456796646, 0.025419551879167557, 0.019000539556145668, 0.04095130413770676, 0.021218977868556976, -0.029514862224459648, -0.012384082190692425, -0.11208003014326096, -0.13097459077835083, -0.18723922967910767, -0.1590697169303894, -0.11532556265592575, -0.07155726104974747, -0.015901606529951096, 0.04565514624118805, 0.12042776495218277, 0.09920206665992737, 0.15743660926818848, 0.1270109862089157, 0.15694884955883026, 0.02393314614892006, 0.04816196858882904, -0.03311481699347496, -0.03485848754644394, -0.08808323740959167, -0.07323536276817322, -0.028019554913043976, -0.07761134207248688, 0.03103352151811123, 5.54339203517884e-05, 0.07603374123573303, 0.08715249598026276, 0.0701097622513771, 0.126541867852211, 0.0290483757853508, 0.016732102259993553, -0.06234586611390114, -0.10882151871919632, -0.1689073145389557, -0.17373575270175934, -0.18677295744419098, -0.1522611379623413, -0.1165112555027008, -0.06793105602264404, 0.02216983027756214, 0.06346774846315384, 0.10560280084609985, 0.1392463892698288, 0.13390237092971802, 0.12652550637722015, 0.06894687563180923, 0.04778778553009033, -0.009676309302449226, -0.036262672394514084, -0.07319202274084091, -0.08069893717765808, -0.084499292075634, -0.06914142519235611, -0.05146053805947304, -0.0326409749686718, -0.00605325773358345, 0.03119862824678421, 0.041799191385507584, 0.0572165884077549, 0.05443137511610985, 0.02162822335958481, 0.03158603981137276, -0.03447440639138222, -0.04944492504000664, -0.0559765063226223, -0.07122679799795151, -0.06080866977572441, -0.045674413442611694, -0.03479966148734093, -0.014078388921916485, -0.028866184875369072, 0.01283082365989685, -0.015317329205572605, 0.00916271936148405, 0.015780990943312645, -0.03077729232609272, 0.012183080427348614, -0.05250266194343567, -0.0001708065829006955, -0.021608730778098106, -0.02869836799800396, 0.01275787502527237, -0.034471187740564346, 0.03091079741716385, 8.577714652346913e-06, 0.009566587395966053, 0.07235827296972275, 0.011006471700966358, 0.06401072442531586, 0.014024862088263035, 0.09591585397720337, -0.0026871594600379467, 0.020350953564047813, 0.02599266916513443, -0.013414938934147358, -0.001771613024175167, -0.0288438368588686, 0.03407582640647888, 0.005858858115971088, -0.020313162356615067, 0.053740937262773514, 0.018376244232058525, 0.06535850465297699, -0.008446353487670422, 0.04026585444808006, 0.027290862053632736, -0.015767496079206467, 0.014358729124069214, -0.048138026148080826, 0.008904080837965012, -0.07289235293865204, -0.020297829061746597, -0.040694378316402435, -0.04368042200803757, -0.001544093363918364, -0.0007640953990630805, 0.018694518133997917, 0.06794093549251556, 0.0811622142791748, 0.09973377734422684, 0.12557338178157806, 0.1368042677640915, 0.16063052415847778, 0.12859342992305756, 0.10507825762033463, 0.09234996140003204, 0.05316171422600746, 0.010964993387460709, -0.030346760526299477, -0.048301491886377335, -0.05525052919983864, -0.09156841784715652, -0.08306200057268143, -0.06814783066511154, -0.044533777981996536, -0.04232249781489372, -0.0014786918181926012, -0.017360197380185127, 0.0214392002671957, 0.009570382535457611, 0.0005037750233896077, 0.006904279347509146, 0.019551768898963928, 0.013887664303183556, 0.0008069454925134778, 0.019884945824742317, 0.016671201214194298, 0.0086987828835845, 0.0058685108087956905, 0.024240709841251373, 0.029327912256121635, 0.027676641941070557, 0.026455072686076164, 0.04375585541129112, 0.03924354910850525, 0.03117874078452587, 0.024987198412418365, -0.0045850323513150215, -0.009226209484040737, -0.04413160681724548, -0.0804024487733841, -0.0900721624493599, -0.11726170778274536, -0.10657282173633575, -0.11039675027132034, -0.08429144322872162, -0.0334671214222908, 0.002024297835305333, 0.04129499942064285, 0.06542933732271194, 0.11451581120491028, 0.11413847655057907, 0.10121741145849228, 0.08853472769260406, 0.07171910256147385, 0.030073868110775948, -0.006894820835441351, -0.031604159623384476, -0.04957428574562073, -0.0604025274515152, -0.04208410903811455, -0.045133400708436966, -0.019806232303380966, 0.005678359419107437, 0.01776733808219433, 0.027965152636170387, 0.03190562501549721, 0.04207232594490051, 0.011701194569468498, -0.01574050448834896, -0.03609968349337578, -0.052886612713336945, -0.08040356636047363, -0.08168419450521469, -0.08635422587394714, -0.07144264131784439, -0.059271711856126785, -0.03710194304585457, -0.0035104930866509676, 0.019751792773604393, 0.027691029012203217, 0.05590759217739105, 0.06452924013137817, 0.06454956531524658, 0.06714674085378647, 0.041742611676454544, 0.04181978106498718, 0.021416082978248596, 0.010330148041248322, 0.01674451120197773, -0.0025528802070766687, 0.0031046727672219276, -0.011927363462746143, -0.022671381011605263, -0.030708832666277885, -0.018714068457484245, -0.04926663264632225, -0.01322553027421236, -0.019419150426983833, -0.028011783957481384, -0.01594342663884163, -0.033376771956682205, -0.015819914638996124, -0.050616998225450516, -0.044833824038505554, -0.06293637305498123, -0.049827028065919876, -0.06400322914123535, -0.0627133697271347, -0.038135990500450134, -0.029296623542904854, -0.011166553013026714, -0.009397474117577076, 0.016677701845765114, 0.025200875476002693, 0.029468713328242302, 0.031752318143844604, 0.0423310361802578, 0.03405604138970375, 0.02608468569815159, 0.025279110297560692, 0.009396255947649479, 0.013857390731573105, 9.085811325348914e-05, 0.0033446666784584522, 0.007631696294993162, 0.0125889228656888, 0.02128422260284424, 0.01511403452605009, 0.02184603549540043, 0.0008397292112931609, -0.003512551309540868, -0.010651602409780025, -0.04092392697930336, -0.03834936022758484, -0.05546550080180168, -0.0661056637763977, -0.07313381880521774, -0.07098820805549622, -0.055600062012672424, -0.06435049325227737, -0.033145446330308914, -0.01963590458035469, -0.002487463876605034, -4.6305052819661796e-05, 0.015811560675501823, 0.004812479950487614, 0.011709197424352169, 0.0006970555987209082, -0.0017407577252015471, -0.006303973030298948, -0.012158766388893127, -0.009322975762188435, -0.024157816544175148, -0.012466506101191044, -0.018362680450081825, -0.004013472236692905, -0.012630623765289783, 0.00931860227137804, 0.0126857440918684, 0.004965357948094606, -0.007451684679836035, -0.01919427327811718, -0.018602171912789345, -0.035207800567150116, -0.051232706755399704, -0.04569842666387558, -0.05917175114154816, -0.05661469325423241, -0.07057591527700424, -0.05398910120129585, -0.05838144198060036, -0.05422118306159973, -0.0357978381216526, -0.025058723986148834, -0.018600700423121452, -0.020161418244242668, -0.025821903720498085, -0.006944789085537195, -0.028819434344768524, -0.007708874996751547, -0.010546376928687096, -0.03478451818227768, -0.002676677191630006, -0.05425089970231056, 0.00021524679323192686, -0.014944936148822308, -0.02507741004228592, 0.0049082995392382145, -0.019499830901622772, 0.011487802490592003, 0.0021213360596448183, 0.0114261694252491, 0.01890549808740616, -0.018136901780962944, 0.010049756616353989, -0.02803068421781063, 0.0032674933318048716, -0.03444219008088112, -0.019911276176571846, -0.028350522741675377, -0.020631292834877968, -0.026192249730229378, -0.04660931974649429, -0.0008068825118243694, -0.03533988073468208, -0.012807358056306839, -0.023693911731243134, -0.005365809891372919, -0.027731001377105713, -0.005179358180612326, 0.0017080255784094334, 0.00016308709746226668, 0.008341164328157902, -0.011175290681421757, 0.016854768618941307, -0.017985759302973747, 0.013905435800552368, 0.0024136228021234274, 0.002562331035733223, 0.008937528356909752, -0.0060121407732367516, 0.013444371521472931, -0.01945270597934723, 0.003644033335149288, -0.010143552906811237, 0.017145831137895584, -0.002767014317214489, -0.0010173915652558208, 0.017388859763741493, -0.026381200179457664, -0.019066518172621727, -0.02184247598052025, -0.02513144537806511, -0.0111375842243433, -0.005931427702307701, -0.006137042306363583, -0.005892355460673571, -0.0010753102833405137, -0.011309634894132614, -0.005524545907974243, -0.008551319129765034, -0.01665389910340309, 0.012691006995737553, 0.0010200804099440575, 0.021090958267450333, -0.0033413961064070463, 0.0019416400464251637, -0.018259452655911446, -0.03088933229446411, -0.015620578080415726, -0.03171789273619652, 0.0006655700271949172, -0.018095966428518295, -0.010212094523012638, -0.015600591897964478, -0.022283408790826797, 0.025008253753185272, 0.00847183633595705, 0.030284449458122253, 0.028201023116707802, 0.006137964315712452, 0.021271638572216034, -0.011397977359592915, 0.0029897994827479124, -0.012866511940956116, -0.0075858887284994125, -0.012586135417222977, -0.0078017632476985455, 0.011157985776662827, -0.006294455844908953, 0.0014833073364570737, 0.009919672273099422, 0.0027455927338451147, 0.020115749910473824, 0.009247937239706516, 0.0038184623699635267, 0.001667823875322938, 0.0008918323437683284, 0.03176270052790642, 0.01269008032977581, -0.0014105262234807014, -0.027109146118164062, -0.02919711172580719, -0.01958058774471283, -0.01786167547106743, 0.01310087088495493, 0.013115284964442253, -0.011916736140847206, 0.010473343543708324, -0.023683758452534676, 0.012542043812572956, -0.01423714216798544, 0.03444964811205864, 0.03093634732067585, 0.02080816589295864, 0.04984982684254646, -0.0010926382383331656, 0.025886304676532745, -0.00907726027071476, -0.010492676869034767, -0.0030482669826596975, -0.02616831287741661, 0.009883646853268147, -0.024019835516810417, -0.023316996172070503, 0.016049694269895554, -0.0034277797676622868, 0.05023452267050743, 0.008464806713163853, 0.03500722721219063, -0.027564940974116325, -0.002477133646607399, 0.0005170332151465118, -0.004931442905217409, 0.014265859499573708, -0.010640062391757965, 0.028770454227924347, -0.01674170233309269, 0.011098425835371017, -0.021184341982007027, 0.0027878701221197844, 0.00030245803645811975, -0.006313940975815058, 0.037107836455106735, -0.009385512210428715, -0.010403074324131012, -0.009854895994067192, -0.01712908037006855, 0.002970556728541851, 0.015731817111372948, 0.03197900578379631, 0.04159091040492058, 0.03163560479879379, 0.00982487853616476, -0.00021128013031557202, 0.0073520708829164505, 0.039191387593746185, -0.004529993049800396, 0.01649332605302334, -0.006091207265853882, 0.01796071045100689, 0.013466835021972656, -0.011163340881466866, 0.04623958468437195, -0.022295664995908737, 0.013034692034125328, 0.010641064494848251, -0.010381353087723255, 0.02007998898625374, -0.013942651450634003, -0.01623581163585186, -0.040373168885707855, -0.012054655700922012, 0.02662082016468048, -0.022068215534090996, 0.03711465746164322, 0.02336939424276352, 0.023567022755742073, 0.03879593312740326, 0.026125766336917877, 0.059729281812906265, -0.025376394391059875, 0.014501425437629223, 0.011524018831551075, -0.010790769942104816, -0.023228604346513748, -0.04881702736020088, 0.008841166272759438, 0.0020210465881973505, 0.03977532312273979, 0.006455668248236179, 0.023498473688960075, 0.033046890050172806, 0.008190235123038292, 0.02873278595507145, -0.0019956622272729874, 0.022260693833231926, -0.03439054638147354, 0.02298634871840477, -0.0336783267557621, -0.021342743188142776, -0.004094551783055067, -0.01314034778624773, -0.0020790735725313425, -0.00047248901682905853, 0.04383992776274681, 0.009443110786378384, 0.004201219882816076, 0.014974076300859451, 0.012815210036933422, -0.01410670205950737, -0.019435567781329155, 0.025303954258561134, 0.006911847740411758, -0.033525895327329636, 0.01620865799486637, 0.028365174308419228, 0.03677278012037277, 0.02806882932782173, -0.019215211272239685, -0.01794278249144554, 0.012716623954474926, 0.0004583680129144341, -0.0032040029764175415, -0.018606992438435555, -0.03318605199456215, -0.01174432784318924, -0.0032129057217389345, 0.03819812461733818, -0.011193390935659409, 0.01954076625406742, 0.02380884625017643, 0.02570766769349575, 0.009032674133777618, -0.0001710557407932356, -0.01996191218495369, -0.01164532732218504, -0.012875943444669247, -0.0021255037281662226, 0.027884162962436676, -0.005579287651926279, 0.04475264251232147, 0.000520170375239104, 0.012011619284749031, 0.018073271960020065, -0.014722616411745548, -0.0025024106726050377, 0.002272167708724737, 0.039489421993494034, -0.011119749397039413, 0.046766430139541626, 0.005827586632221937, -0.0011298332829028368, -0.0033218071330338717, -0.016662966459989548, 0.019099265336990356, -0.03914652392268181, 0.005556554067879915, -0.010006388649344444, 0.0016384301707148552, 0.02006598748266697, 0.011068623512983322, 0.04398579150438309, 0.032642632722854614, 0.031581249088048935, -0.013077748008072376, -0.0036996377166360617, -0.004385158885270357, 0.008034106343984604, 0.01429867371916771, -0.03410806134343147, 0.007134795188903809, -0.031313177198171616, 0.03181077912449837, 0.00673607038334012, 0.016231391578912735, 0.034645065665245056, 0.0052363816648721695, 0.030136605724692345, 0.013078304007649422, 0.020028185099363327, 0.005491347052156925, -0.0006554796709679067, -0.019161555916070938, -0.012044761329889297, -0.007486365735530853, -0.01648118533194065, 0.02233240194618702, 0.007140839472413063, 0.011019879952073097, 0.026171738281846046, -0.0017909667221829295, 0.017523938789963722, 0.005868574138730764, 0.015028197318315506, 0.00620316993445158, 0.015785686671733856, -0.027099622413516045, -0.01932138204574585, 0.0037977618630975485, -0.0020330657716840506, 0.029545465484261513, 0.027104061096906662, 0.009931918233633041, 0.019852306693792343, -0.0014106470625847578, 0.016883423551917076, 0.03365425392985344, 0.007248850539326668, 0.050692979246377945, 0.024474583566188812, 0.013158181682229042, -0.0007201729458756745, -0.016155162826180458, -0.013992617838084698, 0.006882805842906237, -0.001256050425581634, 0.0266973078250885, 0.013924886472523212, -0.0029724175110459328, 0.010482234880328178, -0.0057191262021660805, 0.0004300108412280679, 0.0025748799089342356, -0.003717215033248067, -0.011370985768735409, 0.03499250486493111, -0.010620913468301296, -0.013476908206939697, 1.214794025372612e-07, -0.03505604341626167, 0.007489656563848257, -0.016928348690271378, -0.0011182425078004599, 0.02012246660888195, 0.026725150644779205, 0.07952021062374115, 0.013093582354485989, 0.0392921157181263, 0.0060233501717448235, -0.04160876199603081, 0.030009889975190163, -0.013388324528932571, 0.014945519156754017, -0.015540792606770992, -0.008425838313996792, -0.015829602256417274, -0.023411622270941734, 0.022712213918566704, 0.007444290444254875, 0.04441392421722412, -0.0017266114009544253, -0.006408344488590956, -0.029310381039977074, -0.010153990238904953, -0.020820530131459236, -0.011005137115716934, -0.015933243557810783, 0.0007487558759748936, -0.006228739395737648, -0.0116979219019413, 0.02539973519742489, -0.035297829657793045, 0.02729751355946064, 0.01422884315252304, 0.009796379134058952, 0.006759498734027147, -0.013867729343473911, 0.009582029655575752, 0.011973850429058075, 0.01050141267478466, 0.00332920765504241, -0.02232462540268898, -0.031765688210725784, -0.03521885350346565, -0.007027800660580397, 0.011197678744792938, 0.018004996702075005, 0.00846789125353098, 0.027096126228570938, 0.018964288756251335, -0.011599617078900337, 0.015849947929382324, -0.05586184933781624, -0.0043267738074064255, -0.016618791967630386, -0.016585344448685646, -0.014356703497469425, -0.02684912458062172, -0.02694842219352722, -0.018050655722618103, 0.023278281092643738, 0.03765326738357544, 0.03443911671638489, -0.002685453509911895, 0.01666998490691185, -0.017711756750941277, 0.0006600911146961153, 0.007200063671916723, 0.010354241356253624, -0.010635712184011936, -0.016375264152884483, 0.035937100648880005, -0.03478860855102539, 0.006172119174152613, -0.0023574824444949627, -0.031605955213308334, 0.01689843460917473, -0.000815301900729537, 0.02001412957906723, 0.012750690802931786, 0.02782553620636463, 0.019309626892209053, -0.010589157231152058, -0.043405670672655106, -0.04555312171578407, -0.021614868193864822, -0.011025787331163883, -0.021427633240818977, -0.012445496395230293, -0.011385831981897354, -0.004486386198550463, 0.011230533011257648, 0.03900732100009918, 0.002944112755358219, 0.02504745125770569, -0.013266936875879765, -0.0003766245790757239, -0.0260988287627697, 0.007516251876950264, -0.020510705187916756, -0.06873125582933426, 0.03163471072912216, -0.019450420513749123, 0.06423698365688324, -0.0039033342618495226, 0.005939793772995472, 0.023289579898118973, -0.009108725003898144, 0.0018506413325667381, -0.05537181720137596, 0.02621718868613243, -0.029622845351696014, -0.007784372661262751, -0.0021957324352115393, -0.019180571660399437, 0.014060856774449348, -0.031376514583826065, -0.016544895246624947, -0.01119618583470583, -0.057907093316316605, -0.0005276025622151792, -0.013942456804215908, 0.029097290709614754, 0.03184962645173073, -0.0020018366631120443, 0.008754129521548748, 0.012432520277798176, 0.024355076253414154, -0.007915233261883259, -0.024687686935067177, -0.0714387446641922, -0.03399042412638664, -0.00990863423794508, 0.03653351590037346, 0.0008298244210891426, 0.002683601574972272, 0.014406085014343262, -0.012606502510607243, 0.0077794394455850124, -0.006178222596645355, 0.04236343130469322, 4.323890243540518e-05, 0.009344538673758507, -0.010684434324502945, -0.024671515449881554, -0.036112260073423386, -0.03237241134047508, -0.013069478794932365, 0.020364997908473015, 0.03550872951745987, -0.012796370312571526, -0.00035313991247676313, -0.03883027285337448, -0.005229477770626545, 0.00446850061416626, -0.04237786680459976, 0.0035441007930785418, 0.006699151825159788, -0.012653560377657413, -0.0015970229869708419, -0.011114356108009815, -0.025588788092136383, -0.02356272004544735, -0.0053883823566138744, 0.019317487254738808, 0.047494612634181976, 0.024001123383641243, -0.0076828692108392715, -0.0030184444040060043, -0.0015178471803665161, -0.011773028410971165, 0.00357993901707232, -0.007751206401735544, -0.02639654278755188, 0.017116529867053032, -0.026152633130550385, -0.015097363851964474, -0.011240415275096893, 0.03294705972075462, 0.039509713649749756, 0.0011592806549742818, 0.05659131705760956, 0.016008248552680016, -0.023885758593678474, -0.012427854351699352, -0.03806643933057785, -0.03283800929784775, -0.017120976001024246, -0.05022179335355759, 0.007342867087572813, 0.004789736587554216, -0.016100719571113586, 0.022769737988710403, 0.0004412437556311488, 0.04774751886725426, -0.0202984269708395, 0.008808431215584278, -0.03223074972629547, -0.006131606176495552, 0.0028918401803821325, -0.025361521169543266, 0.004253642167896032, -0.03155790641903877, -0.004512123763561249, -0.016834881156682968, 0.005250326823443174, 0.03950503468513489, 0.005769731942564249, -0.02561859041452408, 0.0034809063654392958, 0.019747687503695488, -0.0032129797618836164, -0.01974727399647236, -0.009835758246481419, -0.005908834282308817, 0.011602642014622688, -0.031525615602731705, 0.031961843371391296, -0.03125052899122238, -0.012402919121086597, 0.022372206673026085, 0.007062404882162809, 0.020480142906308174, -0.011133754625916481, 0.002397610805928707, -0.00935532059520483, -0.019429510459303856, -0.012208361178636551, 0.01581582799553871, -0.019765259698033333, -0.018288949504494667, -0.010199327021837234, -0.02718445286154747, 0.0003861378936562687, -0.0030542733147740364, 0.006018835119903088, 0.01462547853589058, 0.02381628192961216, -0.0240485817193985, 0.02735183574259281, -0.004854319151490927, -0.012934891507029533, 0.020858697593212128, -0.010868347249925137, 0.017863072454929352, -0.006424577906727791, 0.01676074229180813, 0.0012986608780920506, 0.02874278835952282, -0.006906289607286453, -0.006012397818267345, -0.0008791747386567295, -0.02705019898712635, -0.01399435568600893, -0.008915025740861893, -0.014860164374113083, 0.004254049621522427, -0.01609327271580696, 0.01592772826552391, 0.02270725555717945, 0.022254597395658493, 1.9230801626690663e-05, 0.002658545272424817, -0.023397795855998993, -0.031453005969524384, 0.020927678793668747, -0.012239394709467888, 0.012650255113840103, -0.022993551567196846, -0.015736086294054985, 0.02212360128760338, -0.02164541743695736, 0.026758648455142975, -0.0030369102023541927, 0.013895183801651001, -0.01034049317240715, 0.03801741078495979, 0.02850845456123352, 0.03885814920067787, 0.03078369051218033, -0.012436112388968468, 0.011914736591279507, -0.01862475275993347, 0.002800942398607731, 0.021219002082943916, 0.016694197431206703, -0.003901529125869274, 0.015720708295702934, 0.001799588673748076, 0.02997995726764202, 0.00012721525854431093, -0.03228038549423218, -0.008912191726267338, -0.034968797117471695, 0.01529380027204752, -0.006828364450484514, -0.003037538379430771, -0.019193844869732857, 0.020003102719783783, 0.004422676749527454, -0.005180863197892904, 0.03241806849837303, 0.003753307042643428, 0.03438723459839821, 0.008245391771197319, 0.011653761379420757, -0.0070253093726933, -0.010160188190639019, 0.0010908849071711302, 0.004048649221658707, 0.008955326862633228, 0.01834484003484249, 0.046743620187044144, -0.016072923317551613, 7.011667912593111e-05, -0.013448797166347504, 0.0075243390165269375, 0.011442321352660656, 0.012094435282051563, 0.018187640234827995, 0.015205565840005875, 0.0020294860005378723, 0.006274581421166658, 0.02436254173517227, 0.0154526112601161, 0.032860320061445236, 0.03758610039949417, -0.0037727828603237867, 0.003120663808658719, -0.04535704478621483, -0.0506783165037632, -0.03492201492190361, -0.03864755854010582, -0.022904345765709877, -0.019024329259991646, 0.019648609682917595, 0.0052092429250478745, 0.027925802394747734, 0.03480052947998047, 0.08320356905460358, 0.05923571065068245, 0.01019351277500391, 0.025256015360355377, -0.019679414108395576, 0.009172930382192135, -0.013264883309602737, -0.016602961346507072, -0.02315104752779007, -0.0019416467985138297, 0.022390902042388916, 0.00916211772710085, 0.027922583743929863, 0.010425030253827572, 0.02401559241116047, -0.010034858249127865, -0.006531917955726385, -0.005134517792612314, -0.00037020232412032783, -0.004257379565387964, 0.016070879995822906, 0.0010004800278693438, -3.1815994589123875e-05, 0.016504937782883644, 0.01873132213950157, 0.02749481238424778, 0.019392836838960648, 0.004862444940954447, 0.05939234793186188, 0.02742408961057663, 0.035278450697660446, -0.008596713654696941, -0.006676825229078531, -0.04306887090206146, -0.047636695206165314, -0.015856998041272163, -0.0005688612582162023, 0.07199040800333023, 0.016946839168667793, 0.0687464103102684, 0.016599619761109352, 0.01350569911301136, 0.009229551069438457, 0.022000668570399284, 0.005673864856362343, -0.03584721311926842, -0.0048705535009503365, -0.04878445714712143, 0.027573036029934883, -0.02191806212067604, 0.011305694468319416, -0.0242946557700634, -0.001183069427497685, 0.05861636996269226, 0.01946876384317875, 0.06052904948592186, -0.006493004504591227, 0.014682747423648834, -0.0301064383238554, -0.032734159380197525, -0.04103519767522812, -0.06700034439563751, 0.001076420652680099, -0.019268283620476723, 0.023280849680304527, 0.0020158200059086084, -0.002472159918397665, 0.025585493072867393, 0.002596806036308408, 0.030008912086486816, -0.009716733358800411, 0.01519160345196724, -0.016827132552862167, 0.029423125088214874, -0.025206811726093292, -0.016107937321066856, -0.024218620732426643, -0.0032065664418041706, 0.004567343275994062, 0.018327051773667336, 0.07263600826263428, 0.02409152127802372, 0.03990714251995087, -0.013708936981856823, 0.009128784760832787, -0.027974050492048264, -0.010900979861617088, -0.04225362092256546, -0.05093182995915413, -0.01824961230158806, -0.03556080907583237, 0.023737268522381783, -0.030585994943976402, 0.027856998145580292, -0.007980044931173325, 0.0034210735466331244, 0.038257092237472534, -0.007870208472013474, -0.002083848463371396, -0.022661084309220314, -0.004274224396795034, 0.019744466990232468, 0.028865544125437737, 0.02025076560676098, 0.028983967378735542, -0.008642124943435192, -0.006169916596263647, 0.0001520509977126494, -0.027924204245209694, -0.010601074434816837, 0.0036206694785505533, 0.021898405626416206, 0.007880155928432941, 0.032626476138830185, 0.015327646397054195, 0.015946952626109123, 0.028343508020043373, 0.012486513704061508, 0.002320875646546483, -0.0040957811288535595, 0.018239369615912437, -0.02899847738444805, -0.03886285796761513, -0.030095921829342842, -0.011121212504804134, -0.010421696119010448, -0.01235958281904459, 0.0032931268215179443, -0.006174345035105944, 0.010212142951786518, 0.0041925436817109585, 0.0016387568321079016, -0.025291796773672104, -0.010315426625311375, -0.030905233696103096, -0.0083414101973176, 0.027769260108470917, 0.005990538280457258, 0.0415458008646965, 0.017793064936995506, 0.024602433666586876, 0.02187996357679367, 0.022941460832953453, 0.021570449694991112, -0.0027384476270526648, -0.019412655383348465, -0.029588133096694946, -0.017555663362145424, -0.04925360530614853, -0.026774480938911438, -0.016332177445292473, -0.003295461880043149, 0.0012607091339305043, -0.009813363663852215, 0.013664361089468002, 0.014941169880330563, 0.019977713003754616, 0.008486615493893623, 0.005233592353761196, -0.009882318787276745, -0.006527016870677471, -0.006717903073877096, -0.03305258974432945, -0.032800234854221344, -0.02445550262928009, -0.032387230545282364, -0.021093018352985382, -0.006210219115018845, -0.01965324580669403, 0.026970474049448967, 0.020628292113542557, 0.0210349652916193, 0.002141570672392845, -0.006273481994867325, 0.008727739565074444, -0.0016421469626948237, -0.0037543531507253647, -0.00996476225554943, -0.000134141169837676, -0.016389504075050354, -0.024876564741134644, -0.024223923683166504, -0.020197641104459763, 0.0013111113803461194, 0.003806857392191887, -0.011231441982090473, -0.0183644350618124, -0.022368021309375763, -0.006816880777478218, -0.01575942151248455, -0.01285519264638424, -0.012366938404738903, -0.007136702537536621, -0.00970112718641758, -0.015036173164844513, -0.0030863259453326464, -0.006769225466996431, -0.0061417692340910435, 0.009946220554411411, 0.013604855164885521, 0.013625768013298512, -0.009099220857024193, -0.004763411823660135, 0.019314086064696312, 0.006463143043220043, -0.0048990398645401, -0.01474639493972063, -0.013973088003695011, -0.022620072588324547, -0.02309052273631096, -0.007362236734479666, 0.001183758839033544, -0.005753025878220797, -4.7647397877881303e-05, -0.012577829882502556, -0.023415083065629005, 0.0026532341726124287, -0.0036217777524143457, -0.00977309513837099, -0.013783452101051807, -0.011441625654697418, -0.026772204786539078, -0.017087476328015327, 0.0024939142167568207, 0.0046354359947144985, 0.011635025031864643, -0.007187740411609411, 0.0031126004178076982, -0.007462031673640013, -0.017045537009835243, -0.015357639640569687, -0.011898750439286232, -0.010613306425511837, -0.00036575100966729224, -0.022569190710783005, -0.012247192673385143, -0.003911989741027355, 0.004401012323796749, 0.013181542046368122, -0.005116566084325314, -0.0065312632359564304, -0.006289641838520765, -0.010302740149199963, -0.03527811914682388, -0.013527527451515198, -0.013579510152339935, -0.018366187810897827, -0.012953449971973896, -0.010773940943181515, -0.01568751223385334, -0.010316637344658375, -0.010967313311994076, -0.011528967879712582, -0.002408465137705207, -0.0073120626620948315, -0.0064011188223958015, -0.018852537497878075, -0.018643932417035103, -0.005207464098930359, -0.005185933317989111, 0.009004142135381699, 0.00394321558997035, 0.005271661560982466, -0.0015761128161102533, 0.0018721335800364614, -0.0019501597853377461, 0.017417430877685547, -0.00026570228510536253, -0.015837831422686577, -0.01156914047896862, -0.01534645538777113, -0.021803826093673706, -0.016861235722899437, -0.018729906529188156, -0.0081574572250247, -0.010650967247784138, -0.012869145721197128, -0.005949476268142462, 0.005687780678272247, 0.0005517608369700611, 0.009502588771283627, 0.008124039508402348, -0.009431262500584126, 0.0015957625582814217, -0.008954162709414959, -0.016044724732637405, -0.0035437988117337227, -0.02513648010790348, -0.02515978366136551, -0.011507593095302582, -0.016211213544011116, 0.0048562828451395035, -0.0011770713608711958, -0.003272365778684616, -0.00711864186450839, 0.005831010639667511, -0.011131897568702698, -0.011930543929338455, -0.014819234609603882, -0.029229862615466118, -0.005188293755054474, -0.0361114963889122, -0.03486047312617302, -0.02766927145421505, -0.036626704037189484, -0.03075476922094822, -0.04260359704494476, -0.0473761223256588, -0.03820692375302315, -0.0361192561686039, -0.0500299446284771, -0.032503608614206314, -0.04022403806447983, -0.04030048847198486, -0.050431497395038605, -0.07450264692306519, -0.05098970606923103, -0.06052764132618904, -0.06189514696598053, -0.046845730394124985, -0.056285638362169266, -0.05084317922592163, -0.054624464362859726, -0.04482673481106758, -0.04268977791070938, -0.038316596299409866, -0.047827884554862976, -0.06488987058401108, -0.05010569095611572, -0.0647125169634819, -0.034880127757787704, -0.03401585668325424, -0.026357412338256836, -0.003232354298233986, -0.010284236632287502, 0.012085492722690105, 0.009762699715793133, 0.02805611491203308, 0.036580365151166916, 0.0326385535299778, 0.03072746843099594, 0.014082763344049454, 0.022911466658115387, 0.02416342869400978, 0.04223058000206947, 0.05152030661702156, 0.04846758395433426, 0.05784511938691139, 0.05226143077015877, 0.054606545716524124, 0.06413739174604416, 0.07088947296142578, 0.07207795232534409, 0.07147835195064545, 0.062228646129369736, 0.07120420038700104, 0.07772661000490189, 0.07482904940843582, 0.08350639790296555, 0.07920403778553009, 0.08031239360570908, 0.07661587744951248, 0.07812011241912842, 0.08403957635164261, 0.09456650167703629, 0.09380045533180237, 0.0852048471570015, 0.07565054297447205, 0.06780102103948593, 0.06506425887346268, 0.06425649672746658, 0.062228333204984665, 0.06084628775715828, 0.05782109871506691, 0.057741548866033554, 0.0579540878534317, 0.06726254522800446, 0.07689442485570908, 0.07085295766592026, 0.07212833315134048, 0.053521573543548584, 0.04303329437971115, 0.026459621265530586, 0.01215376053005457, 0.01388393435627222, 0.0018355887150391936, -0.009430174715816975, -0.024930564686655998, -0.0263202041387558, -0.024102769792079926, -0.018945425748825073, -0.009054264985024929, -0.009320477023720741, -0.018105288967490196, -0.028343969956040382, -0.03599107638001442, -0.038923684507608414, -0.037036195397377014, -0.055249471217393875, -0.05990051105618477, -0.08871661126613617, -0.10246273130178452, -0.10822203755378723, -0.12210268527269363, -0.10404020547866821, -0.12280392646789551, -0.12438388913869858, -0.12382759898900986, -0.13115458190441132, -0.134194016456604, -0.11652805656194687, -0.12168670445680618, -0.13305102288722992, -0.14055250585079193, -0.16422812640666962, -0.15707488358020782, -0.16189700365066528, -0.1490582376718521, -0.14654436707496643, -0.13438281416893005, -0.141703799366951, -0.1397278606891632, -0.12383035570383072, -0.13098157942295074, -0.12355521321296692, -0.11798703670501709, -0.12640926241874695, -0.10594652593135834, -0.08456046879291534, -0.023040710017085075, 0.026930538937449455, 0.08280524611473083, 0.12532858550548553, 0.1498158574104309, 0.1956697553396225, 0.20591163635253906, 0.2051733136177063, 0.21923159062862396, 0.17274953424930573, 0.14768585562705994, 0.11445232480764389, 0.07263902574777603, 0.0807512104511261, 0.05607930198311806, 0.0636570081114769, 0.04247874766588211, 0.03986835479736328, 0.043475352227687836, 0.027709169313311577, 0.053614865988492966, 0.016069471836090088, 0.016764361411333084, -0.010007167235016823, -0.040963783860206604, -0.0334995836019516, -0.04623318091034889, -0.017021026462316513, -0.003553708316758275, 0.021492671221494675, 0.06473715603351593, 0.10807467997074127, 0.14964509010314941, 0.1794186383485794, 0.2026711404323578, 0.21701112389564514, 0.20524071156978607, 0.20196425914764404, 0.19401422142982483, 0.17977431416511536, 0.1671161949634552, 0.14346949756145477, 0.13498029112815857, 0.13361628353595734, 0.12583313882350922, 0.134593203663826, 0.1285790652036667, 0.12542466819286346, 0.11292948573827744, 0.08996666222810745, 0.07321144640445709, 0.061639804393053055, 0.055970948189496994, 0.04332200437784195, 0.03855028375983238, 0.037922203540802, 0.04018178582191467, 0.046370234340429306, 0.057763610035181046, 0.081535205245018, 0.0743483230471611, 0.07224845141172409, 0.07090669125318527, 0.05642576143145561, 0.05237911269068718, 0.039966218173503876, 0.029648108407855034, 0.02381373755633831, 0.012749383226037025, 0.018508898094296455, 0.024071255698800087, 0.02832210808992386, 0.032692257314920425, 0.0320313461124897, 0.01531918067485094, 0.005648581776767969, -0.0042116413824260235, -0.03569857031106949, -0.0561797134578228, -0.08686899393796921, -0.108971007168293, -0.12829770147800446, -0.14699344336986542, -0.1658194661140442, -0.1661779135465622, -0.1732267588376999, -0.17345096170902252, -0.16157042980194092, -0.17321257293224335, -0.17926199734210968, -0.1709272563457489, -0.1872452050447464, -0.19232437014579773, -0.20656698942184448, -0.20712465047836304, -0.2073851227760315, -0.20838871598243713, -0.18720144033432007, -0.18144135177135468, -0.17215020954608917, -0.15680894255638123, -0.15487277507781982, -0.15345582365989685, -0.12162142992019653, -0.09334567934274673, -0.025234118103981018, 0.00965794362127781, 0.07832367718219757, 0.10376916080713272, 0.15371854603290558, 0.20834293961524963, 0.20301009714603424, 0.2538459897041321, 0.19810882210731506, 0.18690495193004608, 0.13159866631031036, 0.07381153851747513, 0.06621254980564117, 0.008455803617835045, 0.008505980484187603, -0.043793294578790665, -0.043867044150829315, -0.04750929772853851, -0.051133573055267334, -0.015139897353947163, -0.028896085917949677, -0.016520917415618896, -0.034894075244665146, -0.050708916038274765, -0.042992427945137024, -0.07133472710847855, -0.05856170877814293, -0.05472639203071594, -0.04909155145287514, -0.012359069660305977, 0.014310025610029697, 0.06999532133340836, 0.11807356029748917, 0.16652712225914001, 0.19207429885864258, 0.20888306200504303, 0.22204142808914185, 0.20794537663459778, 0.2080521583557129, 0.1874779611825943, 0.1638181209564209, 0.12220770120620728, 0.10056068003177643, 0.07842880487442017, 0.07661668211221695, 0.07926943898200989, 0.08047883212566376, 0.07987074553966522, 0.07540270686149597, 0.06967993825674057, 0.06868395209312439, 0.06558185070753098, 0.041457924991846085, 0.05431801453232765, 0.02424694038927555, 0.017792826518416405, 0.02901584655046463, 0.033089976757764816, 0.06212374195456505, 0.08051158487796783, 0.11723684519529343, 0.12160415202379227, 0.15628457069396973, 0.16164322197437286, 0.15260185301303864, 0.16371864080429077, 0.11359051614999771, 0.10234321653842926, 0.072080098092556, 0.0433572418987751, 0.04282321780920029, 0.022968100383877754, 0.0273623988032341, 0.026175448670983315, 0.04274344816803932, 0.037208378314971924, 0.05196733772754669, 0.05410986393690109, 0.030048759654164314, 0.01756892167031765, -0.023017289116978645, -0.03590305522084236, -0.06863593310117722, -0.08377757668495178, -0.11404873430728912, -0.11598186939954758, -0.13310356438159943, -0.14588682353496552, -0.1293598711490631, -0.14419567584991455, -0.1301456242799759, -0.14599423110485077, -0.1591663807630539, -0.17068761587142944, -0.186764195561409, -0.18344947695732117, -0.19303975999355316, -0.19948682188987732, -0.19885516166687012, -0.20560304820537567, -0.19198603928089142, -0.1846514791250229, -0.15830843150615692, -0.15318810939788818, -0.15765219926834106, -0.13639608025550842, -0.1968117505311966, -0.17567205429077148, -0.20411264896392822, -0.1725350171327591, -0.13711999356746674, -0.1248750388622284, -0.07116574794054031, -0.03388407453894615, 0.06605909019708633, 0.10667712986469269, 0.18477590382099152, 0.21384011209011078, 0.2240293174982071, 0.23837190866470337, 0.1891734004020691, 0.1653352826833725, 0.13282372057437897, 0.07840792834758759, 0.03337620198726654, -0.019346969202160835, -0.04145707190036774, -0.050214625895023346, -0.04137801378965378, -0.04310489818453789, -0.04892906919121742, -0.04393595829606056, -0.05356590822339058, -0.06725781410932541, -0.07826778292655945, -0.1109335720539093, -0.11676158756017685, -0.1276036947965622, -0.15063171088695526, -0.1298963874578476, -0.0991339236497879, -0.052426986396312714, 0.007060701493173838, 0.048831015825271606, 0.11476923525333405, 0.16072432696819305, 0.20761317014694214, 0.22897394001483917, 0.23750977218151093, 0.24773533642292023, 0.20053626596927643, 0.1844022274017334, 0.15013839304447174, 0.1201801598072052, 0.11174333840608597, 0.06203761324286461, 0.06369595974683762, 0.042675986886024475, 0.048318665474653244, 0.05209315940737724, 0.04336732625961304, 0.050546951591968536, 0.030067935585975647, 0.029505139216780663, 0.005295662675052881, -0.0029852106235921383, -0.004281318746507168, -0.01782124675810337, -0.007871746085584164, -0.003240821650251746, 0.010395108722150326, 0.04686896875500679, 0.07609885185956955, 0.10604453831911087, 0.13108636438846588, 0.1423821896314621, 0.14366203546524048, 0.14561618864536285, 0.12749306857585907, 0.11778662353754044, 0.10037661343812943, 0.0679883137345314, 0.06274255365133286, 0.03757932409644127, 0.034063491970300674, 0.035981856286525726, 0.04551509767770767, 0.05123421922326088, 0.04440324008464813, 0.06070202589035034, 0.03766779974102974, 0.047934092581272125, 0.010795916430652142, -0.0027159040328115225, -0.022269735112786293, -0.0640711784362793, -0.07416293770074844, -0.11206931620836258, -0.11697607487440109, -0.13859689235687256, -0.13720114529132843, -0.14438161253929138, -0.14571145176887512, -0.1402200609445572, -0.1518803983926773, -0.1273408681154251, -0.15783041715621948, -0.1439555436372757, -0.15958628058433533, -0.17045827209949493, -0.16944627463817596, -0.1864885687828064, -0.18447405099868774, -0.19841063022613525, -0.18642380833625793, -0.1908905804157257, -0.17300009727478027, -0.18000094592571259, -0.17675359547138214, -0.18150199949741364, -0.17031864821910858, -0.1653852015733719, -0.16950297355651855, -0.17864760756492615, -0.1936454176902771, -0.16369426250457764, -0.1366340070962906, -0.06528548151254654, -0.045804738998413086, -0.001458865823224187, 0.06707843393087387, 0.11938820034265518, 0.17910555005073547, 0.19505730271339417, 0.2109527885913849, 0.213624969124794, 0.2012275606393814, 0.13666367530822754, 0.1186576560139656, 0.09413827955722809, 0.04876521974802017, 0.002455449663102627, -0.03243843838572502, -0.050954077392816544, -0.05591632053256035, -0.051604364067316055, -0.0909145325422287, -0.08192133158445358, -0.1019018292427063, -0.1190345287322998, -0.11439845710992813, -0.1313392072916031, -0.1268301159143448, -0.14134033024311066, -0.133229598402977, -0.12936323881149292, -0.08339021354913712, -0.040858931839466095, 0.007599529344588518, 0.06638284027576447, 0.10436753183603287, 0.16227565705776215, 0.20682477951049805, 0.2465345710515976, 0.2624899744987488, 0.26812538504600525, 0.24811188876628876, 0.2317907065153122, 0.19275832176208496, 0.15474660694599152, 0.12933722138404846, 0.08124678581953049, 0.049678124487400055, 0.006026034709066153, -0.010213939473032951, -0.016493817791342735, -0.0159145537763834, -0.028771452605724335, -0.042565006762742996, -0.032714735716581345, -0.038561899214982986, -0.031120499595999718, -0.026019372045993805, -0.0126567417755723, 0.0026733900886029005, 0.014185643754899502, 0.021279100328683853, 0.05920925736427307, 0.09161464869976044, 0.12430014461278915, 0.13050702214241028, 0.13398711383342743, 0.15774422883987427, 0.15992149710655212, 0.1638317108154297, 0.13800780475139618, 0.1262664645910263, 0.10859852284193039, 0.08539754897356033, 0.0677969679236412, 0.046705473214387894, 0.04902992397546768, 0.03368670120835304, 0.027988523244857788, 0.02657833881676197, 0.022946834564208984, 0.027073213830590248, 0.02519056387245655, 0.0177182387560606, -0.00046821750584058464, -0.022398781031370163, -0.03804903104901314, -0.06706912070512772, -0.09297846257686615, -0.11582940071821213, -0.1377420276403427, -0.14465166628360748, -0.15921732783317566, -0.1576252579689026, -0.1459229737520218, -0.13159559667110443, -0.1308303028345108, -0.1298055499792099, -0.11664813756942749, -0.11570783704519272, -0.12508687376976013, -0.13466805219650269, -0.1549758017063141, -0.17186731100082397, -0.18776078522205353, -0.21187232434749603, -0.2093053013086319, -0.21463362872600555, -0.21908436715602875, -0.2097233086824417, -0.1983482390642166, -0.19103607535362244, -0.181431844830513, -0.16867172718048096, -0.17690417170524597, -0.1760890930891037, -0.1466682106256485, -0.11818978935480118, -0.08451158553361893, -0.041158098727464676, -0.015377219766378403, 0.05697279050946236, 0.11591926217079163, 0.16231869161128998, 0.2082444131374359, 0.23517389595508575, 0.24992625415325165, 0.2295236587524414, 0.21658886969089508, 0.18378005921840668, 0.14632442593574524, 0.09547392278909683, 0.03312712907791138, -0.011224010959267616, -0.03854867443442345, -0.06961337476968765, -0.09673143923282623, -0.11058226227760315, -0.12159821391105652, -0.12382856756448746, -0.1371079534292221, -0.1369856595993042, -0.14195239543914795, -0.1401401311159134, -0.14307796955108643, -0.15257541835308075, -0.1271771639585495, -0.10489379614591599, -0.0710751935839653, -0.02606147900223732, 0.017346983775496483, 0.07937385886907578, 0.14647583663463593, 0.2008368819952011, 0.24061064422130585, 0.27938544750213623, 0.3001788556575775, 0.2916423976421356, 0.277758926153183, 0.2372058629989624, 0.19844861328601837, 0.15826913714408875, 0.09720471501350403, 0.051250409334897995, 0.013893784023821354, -0.008229277096688747, -0.02626337856054306, -0.03516075015068054, -0.044544607400894165, -0.05057935789227486, -0.03972591087222099, -0.03532801941037178, -0.036605726927518845, -0.031656015664339066, -0.030819153413176537, -0.023973308503627777, -0.009310866706073284, 0.006361313164234161, 0.03369549661874771, 0.0606830008327961, 0.10006517916917801, 0.10990143567323685, 0.13298578560352325, 0.17248934507369995, 0.1782962679862976, 0.18623538315296173, 0.18121281266212463, 0.1663561910390854, 0.13803265988826752, 0.11719395965337753, 0.09845957159996033, 0.07718727737665176, 0.06274963915348053, 0.03584570065140724, 0.028875036165118217, 0.03707133233547211, 0.03784637153148651, 0.04227425530552864, 0.03807130083441734, 0.03375522419810295, 0.024139348417520523, 0.004103883635252714, -0.01792301796376705, -0.04394702985882759, -0.06739596277475357, -0.1004980057477951, -0.11991869658231735, -0.13827009499073029, -0.1459278166294098, -0.13867029547691345, -0.1438526213169098, -0.1291733831167221, -0.11974326521158218, -0.10651128739118576, -0.09316848963499069, -0.09002920240163803, -0.0809781402349472, -0.08799737691879272, -0.10286323726177216, -0.12595446407794952, -0.13379453122615814, -0.13934725522994995, -0.16693270206451416, -0.1810767501592636, -0.19311824440956116, -0.19181948900222778, -0.19070637226104736, -0.1862679421901703, -0.18467889726161957, -0.19851179420948029, -0.1940513402223587, -0.20558106899261475, -0.19496028125286102, -0.17987914383411407, -0.17131280899047852, -0.12856236100196838, -0.07590360939502716, -0.02952696941792965, 0.015142946504056454, 0.0861663892865181, 0.1489366590976715, 0.19738109409809113, 0.23122389614582062, 0.22782735526561737, 0.23027445375919342, 0.2382155805826187, 0.19012755155563354, 0.1489773541688919, 0.11492005735635757, 0.053777068853378296, 0.018230557441711426, -0.02767413854598999, -0.05598292872309685, -0.06824777275323868, -0.08013380318880081, -0.11121153086423874, -0.1198204755783081, -0.09724990278482437, -0.11941733956336975, -0.1230861246585846, -0.12255718559026718, -0.1369258314371109, -0.1277650147676468, -0.12430504709482193, -0.11715065687894821, -0.08787130564451218, -0.04760323464870453, -0.0059463102370500565, 0.040399160236120224, 0.10032230615615845, 0.15442509949207306, 0.20626376569271088, 0.249179407954216, 0.2687183916568756, 0.2818585932254791, 0.2758268713951111, 0.26105597615242004, 0.22470688819885254, 0.17507971823215485, 0.13703909516334534, 0.09112358093261719, 0.056937262415885925, 0.019063344225287437, -0.010898176580667496, -0.014525681734085083, -0.014082967303693295, -0.0167815163731575, -0.026848865672945976, -0.02459874004125595, -0.007712210062891245, -0.0002430895110592246, 0.0008749719127081335, -0.008274158462882042, 0.006142126861959696, 0.01990758441388607, 0.020232906565070152, 0.03913777694106102, 0.0635102167725563, 0.09167628735303879, 0.10850783437490463, 0.11771741509437561, 0.1393754929304123, 0.16464899480342865, 0.1784696877002716, 0.16942709684371948, 0.1547112613916397, 0.1495817005634308, 0.1323428899049759, 0.11592844873666763, 0.09363284707069397, 0.06543885171413422, 0.05282978340983391, 0.041982997208833694, 0.03550110384821892, 0.025551674887537956, 0.0312601663172245, 0.03348106890916824, 0.017587630078196526, 0.010663914494216442, 0.0015059905126690865, -0.0007901162025518715, -0.023538582026958466, -0.04731996729969978, -0.07225466519594193, -0.09401842951774597, -0.091140978038311, -0.10512398928403854, -0.11222993582487106, -0.11372021585702896, -0.11370864510536194, -0.11473279446363449, -0.10252779722213745, -0.08566291630268097, -0.08673925697803497, -0.08675740659236908, -0.0895841121673584, -0.09131865948438644, -0.10174613445997238, -0.10179412364959717, -0.11659941077232361, -0.13366298377513885, -0.1529339998960495, -0.1741800755262375, -0.1749820113182068, -0.19744721055030823, -0.20195111632347107, -0.21753352880477905, -0.23117326200008392, -0.23245418071746826, -0.24158091843128204, -0.23748989403247833, -0.2436380833387375, -0.23903970420360565, -0.21520769596099854, -0.16088001430034637, -0.10385403782129288, -0.07627289742231369, -0.01763860322535038, 0.06795672327280045, 0.13333509862422943, 0.19123633205890656, 0.21852047741413116, 0.24077220261096954, 0.270109087228775, 0.2594307065010071, 0.22501569986343384, 0.19689029455184937, 0.1713516116142273, 0.11561936885118484, 0.07024862617254257, 0.0324835330247879, -0.0014751185663044453, -0.015016213990747929, -0.03887142986059189, -0.07060075551271439, -0.08018656075000763, -0.08632805198431015, -0.09756407141685486, -0.1011512279510498, -0.11368554085493088, -0.13819296658039093, -0.14712253212928772, -0.13839881122112274, -0.13725098967552185, -0.12492388486862183, -0.10172536969184875, -0.0632423684000969, -0.021034542471170425, 0.021345216780900955, 0.08446194976568222, 0.14410708844661713, 0.19133205711841583, 0.21712125837802887, 0.24363017082214355, 0.26673057675361633, 0.27689236402511597, 0.2595665752887726, 0.22091878950595856, 0.195129856467247, 0.16585685312747955, 0.1265820413827896, 0.09001245349645615, 0.06177220866084099, 0.036592062562704086, 0.01309048943221569, -0.0032769909594208, -0.00651547871530056, -0.007668697740882635, -0.0052433498203754425, -0.004050072748214006, -0.011529237031936646, -0.008876899257302284, 0.002355964621528983, 0.006837320979684591, 0.004015634767711163, 0.014681936241686344, 0.025238091126084328, 0.038935113698244095, 0.06620881706476212, 0.08946488052606583, 0.10504331439733505, 0.12075188010931015, 0.14164452254772186, 0.15965810418128967, 0.16715848445892334, 0.17305703461170197, 0.16809289157390594, 0.15000638365745544, 0.13529489934444427, 0.11770415306091309, 0.09998992830514908, 0.08456793427467346, 0.0665818378329277, 0.04466698318719864, 0.032296355813741684, 0.036820221692323685, 0.03387629985809326, 0.027352342382073402, 0.020639246329665184, 0.0068725645542144775, -0.0014282164629548788, -0.005751387681812048, -0.015965456143021584, -0.034015778452157974, -0.04832110181450844, -0.06070581078529358, -0.076353520154953, -0.08084316551685333, -0.081130251288414, -0.08583665639162064, -0.09500899165868759, -0.09775794297456741, -0.0886782854795456, -0.08255593478679657, -0.0798470750451088, -0.08607366681098938, -0.09126321971416473, -0.09734924882650375, -0.09730394184589386, -0.10772252082824707, -0.13001646101474762, -0.14580181241035461, -0.16622117161750793, -0.1811663657426834, -0.19217100739479065, -0.2037453055381775, -0.21720176935195923, -0.232857808470726, -0.22644634544849396, -0.23412668704986572, -0.23227284848690033, -0.22838622331619263, -0.2420559674501419, -0.23356236517429352, -0.19342903792858124, -0.14205998182296753, -0.10627201944589615, -0.06337950378656387, -0.016053447499871254, 0.05602337419986725, 0.15248994529247284, 0.18928542733192444, 0.21012499928474426, 0.24446599185466766, 0.2670952379703522, 0.25914323329925537, 0.24351470172405243, 0.21473610401153564, 0.17167216539382935, 0.13468946516513824, 0.07179208099842072, 0.027314521372318268, 0.01040608435869217, -0.015767648816108704, -0.05036306753754616, -0.07996802777051926, -0.09344405680894852, -0.1061888337135315, -0.10018536448478699, -0.10821512341499329, -0.13260720670223236, -0.14162291586399078, -0.15825612843036652, -0.15875816345214844, -0.1456131637096405, -0.1385607272386551, -0.1244409903883934, -0.10201992839574814, -0.06434983015060425, -0.017564089968800545, 0.0474206879734993, 0.10687095671892166, 0.14821727573871613, 0.1911885291337967, 0.22213387489318848, 0.25592276453971863, 0.2795186936855316, 0.26930567622184753, 0.24460363388061523, 0.2194039225578308, 0.18910832703113556, 0.14546744525432587, 0.10899157077074051, 0.07385595887899399, 0.03784697875380516, 0.010506070218980312, -0.01297032367438078, -0.018498172983527184, -0.005414006300270557, -0.004043432883918285, -0.016447914764285088, -0.017586437985301018, -0.008840060792863369, 0.005039201583713293, 0.015598207712173462, 0.0075504169799387455, 0.0006119255558587611, 0.01570041850209236, 0.0324227474629879, 0.04402541741728783, 0.06199263036251068, 0.07524508237838745, 0.09859213978052139, 0.12241996079683304, 0.13497596979141235, 0.15607081353664398, 0.17304696142673492, 0.17636162042617798, 0.16491787135601044, 0.15086595714092255, 0.13763856887817383, 0.1211896538734436, 0.10992535948753357, 0.07707993686199188, 0.04014228656888008, 0.03194738179445267, 0.03248324617743492, 0.03326361998915672, 0.01854431815445423, 0.0065323361195623875, 0.006160828284919262, 0.0063885715790092945, 0.004094921983778477, -0.005960133392363787, -0.014025181531906128, -0.03182494267821312, -0.052755869925022125, -0.0692279040813446, -0.08165360987186432, -0.0834336206316948, -0.08884434401988983, -0.10794252157211304, -0.12028814107179642, -0.11421626806259155, -0.10578138381242752, -0.09792962670326233, -0.09628741443157196, -0.10380371659994125, -0.10412605851888657, -0.10309285670518875, -0.10472086071968079, -0.11850407719612122, -0.13327917456626892, -0.15021559596061707, -0.17353269457817078, -0.18759994208812714, -0.19502858817577362, -0.20244967937469482, -0.21534977853298187, -0.22757546603679657, -0.23724152147769928, -0.23073376715183258, -0.21576754748821259, -0.21616658568382263, -0.22992771863937378, -0.22888560593128204, -0.1890641450881958, -0.1423565000295639, -0.08299589157104492, -0.05214887484908104, -0.03226950019598007, 0.04572155326604843, 0.13492199778556824, 0.18985114991664886, 0.2076215296983719, 0.22574804723262787, 0.2471999078989029, 0.26206573843955994, 0.24741911888122559, 0.1911647617816925, 0.17261238396167755, 0.14669330418109894, 0.07670513540506363, 0.024306893348693848, 0.0018451738869771361, -0.01397866103798151, -0.03703165054321289, -0.07065104693174362, -0.1006135419011116, -0.10043533891439438, -0.0857827365398407, -0.09667045623064041, -0.11393218487501144, -0.12967075407505035, -0.14794190227985382, -0.14651240408420563, -0.13858352601528168, -0.14030921459197998, -0.13147644698619843, -0.1084933653473854, -0.0788448303937912, -0.0371914803981781, 0.02100907266139984, 0.0773090049624443, 0.12731675803661346, 0.1736641377210617, 0.20546339452266693, 0.2366495579481125, 0.26605039834976196, 0.2719537317752838, 0.24778896570205688, 0.21179795265197754, 0.18484406173229218, 0.15094074606895447, 0.11063486337661743, 0.07360268384218216, 0.03855092450976372, 0.009072599932551384, -0.008785752579569817, -0.016553768888115883, -0.014445577748119831, -0.002643708372488618, -0.0011836389312520623, -0.00774705596268177, -0.0077251470647752285, 0.0008193081011995673, 0.007998693734407425, 0.0033071653451770544, -0.007596943527460098, -0.017070697620511055, -0.007918613031506538, 0.010727363638579845, 0.02671847492456436, 0.04353669658303261, 0.06203282251954079, 0.08407141268253326, 0.10967680811882019, 0.13522693514823914, 0.15740889310836792, 0.16682611405849457, 0.1595471203327179, 0.14897587895393372, 0.13939307630062103, 0.1267002522945404, 0.10555069893598557, 0.08349023014307022, 0.054795656353235245, 0.03328933194279671, 0.02997596375644207, 0.022924333810806274, 0.017612919211387634, 0.015143487602472305, 0.0044282772578299046, 0.003909866325557232, 0.0009811249328777194, -0.007631260901689529, -0.01713702641427517, -0.027523066848516464, -0.046033766120672226, -0.0689798891544342, -0.08468612283468246, -0.0952172577381134, -0.10086996853351593, -0.10497509688138962, -0.11606692522764206, -0.11554405093193054, -0.10865723341703415, -0.09813419729471207, -0.08762813359498978, -0.09649767726659775, -0.10661718249320984, -0.10548380017280579, -0.105400450527668, -0.11574843525886536, -0.12757135927677155, -0.14265866577625275, -0.16969771683216095, -0.17722885310649872, -0.17576320469379425, -0.18393079936504364, -0.19573800265789032, -0.2021694779396057, -0.21540750563144684, -0.22473590075969696, -0.2104262411594391, -0.20676010847091675, -0.21430736780166626, -0.21943999826908112, -0.21962428092956543, -0.18709315359592438, -0.12917684018611908, -0.0673353299498558, -0.05860862508416176, -0.024381427094340324, 0.05495979264378548, 0.13084672391414642, 0.18928030133247375, 0.20939265191555023, 0.2228899598121643, 0.23857371509075165, 0.2439407855272293, 0.22889526188373566, 0.19516165554523468, 0.17282772064208984, 0.1216241791844368, 0.07301504164934158, 0.03837587311863899, 0.011122385039925575, -0.007538648322224617, -0.0289436187595129, -0.047726817429065704, -0.06625013798475266, -0.08207537233829498, -0.08101631700992584, -0.07917877286672592, -0.08703318983316422, -0.11822572350502014, -0.13849212229251862, -0.13751573860645294, -0.13064561784267426, -0.1252095252275467, -0.12318006157875061, -0.11298954486846924, -0.08225660771131516, -0.03825540095567703, 0.011772358790040016, 0.05892203375697136, 0.1092103123664856, 0.14920958876609802, 0.18222039937973022, 0.21542103588581085, 0.23313045501708984, 0.24289445579051971, 0.23363995552062988, 0.20692938566207886, 0.1713695526123047, 0.14136797189712524, 0.12001276761293411, 0.08404247462749481, 0.04537683725357056, 0.017089560627937317, 0.003911695443093777, 0.0016019162721931934, 0.0021268418058753014, 0.0028252548072487116, 0.0033629219979047775, 0.00663464330136776, 0.0034530581906437874, 0.0030179149471223354, 0.00822054035961628, 0.008424842730164528, -0.00047810535761527717, -0.007175332400947809, -0.0036715783644467592, 0.00048374454490840435, 0.010650282725691795, 0.030030088499188423, 0.053269460797309875, 0.07334713637828827, 0.08514741063117981, 0.10841450840234756, 0.13385531306266785, 0.14683999121189117, 0.146708682179451, 0.14525334537029266, 0.1350335329771042, 0.12267222255468369, 0.11177405714988708, 0.09666737914085388, 0.07557208836078644, 0.05643037334084511, 0.03843214735388756, 0.0327092744410038, 0.032657474279403687, 0.026750123128294945, 0.01820802502334118, 0.013041392900049686, 0.00620933435857296, 0.0006706449785269797, -0.004167625214904547, -0.019280431792140007, -0.03957599401473999, -0.05747321620583534, -0.07357776910066605, -0.08143436908721924, -0.08961328864097595, -0.10355529189109802, -0.10714736580848694, -0.10616768896579742, -0.10395462065935135, -0.10142667591571808, -0.09415930509567261, -0.08784487098455429, -0.08681866526603699, -0.09223909676074982, -0.10294772684574127, -0.10925357788801193, -0.11114621162414551, -0.12559472024440765, -0.14053432643413544, -0.1566239446401596, -0.16601163148880005, -0.16979944705963135, -0.17232681810855865, -0.17840246856212616, -0.18109479546546936, -0.18364210426807404, -0.19136454164981842, -0.2025100141763687, -0.20571216940879822, -0.19589045643806458, -0.1975724846124649, -0.20233896374702454, -0.20596639811992645, -0.1777413785457611, -0.10888731479644775, -0.05543150007724762, -0.01586320623755455, 0.018325911834836006, 0.08527787029743195, 0.17193545401096344, 0.21983779966831207, 0.24542444944381714, 0.2531050741672516, 0.25394728779792786, 0.25038251280784607, 0.2305152416229248, 0.19358442723751068, 0.14741013944149017, 0.10898923873901367, 0.07007461041212082, 0.025001322850584984, 0.012003762647509575, -0.010061622597277164, -0.02925984561443329, -0.0367162711918354, -0.04476449266076088, -0.06137220188975334, -0.06414522975683212, -0.0620453916490078, -0.07715775817632675, -0.10142651200294495, -0.12458861619234085, -0.13918885588645935, -0.12974953651428223, -0.12633584439754486, -0.12328457832336426, -0.1070978119969368, -0.06965252012014389, -0.02699584886431694, 0.0260109044611454, 0.08097456395626068, 0.12735749781131744, 0.17120695114135742, 0.20098912715911865, 0.22225075960159302, 0.24079519510269165, 0.23798684775829315, 0.2181752622127533, 0.19205747544765472, 0.16647383570671082, 0.13396333158016205, 0.1079224944114685, 0.08408957719802856, 0.06306908279657364, 0.041994936764240265, 0.03256230428814888, 0.0338134802877903, 0.036301277577877045, 0.037407997995615005, 0.0343221016228199, 0.028112245723605156, 0.027742020785808563, 0.021206656470894814, 0.010775119997560978, 0.00136514229234308, -0.003546065418049693, -0.008341110311448574, -0.011361703276634216, -0.0033501514699310064, 0.010815190151333809, 0.027061492204666138, 0.049681443721055984, 0.07178359478712082, 0.09499571472406387, 0.1164638102054596, 0.12848950922489166, 0.1386788934469223, 0.14561033248901367, 0.14276853203773499, 0.1296359747648239, 0.11488804966211319, 0.10475146770477295, 0.09518014639616013, 0.08177514374256134, 0.06528236716985703, 0.05192460119724274, 0.04866669327020645, 0.04594238102436066, 0.04258320480585098, 0.0396755151450634, 0.03189599886536598, 0.022118456661701202, 0.013943648897111416, 0.003181273816153407, -0.010276064276695251, -0.030014611780643463, -0.04877372458577156, -0.06400122493505478, -0.07378768920898438, -0.08279919624328613, -0.0976436510682106, -0.10137033462524414, -0.10260258615016937, -0.09981704503297806, -0.08923547714948654, -0.08537918329238892, -0.08619103580713272, -0.09135004878044128, -0.09128592163324356, -0.09756302088499069, -0.10593926161527634, -0.11627524346113205, -0.13601575791835785, -0.1454140692949295, -0.15353690087795258, -0.16182170808315277, -0.16980959475040436, -0.18044263124465942, -0.17557549476623535, -0.17222684621810913, -0.17333316802978516, -0.17623794078826904, -0.17980225384235382, -0.18928614258766174, -0.18937593698501587, -0.20370134711265564, -0.20385557413101196, -0.20631197094917297, -0.206976056098938, -0.1769658774137497, -0.14367501437664032, -0.07364825159311295, -0.024556109681725502, 0.01646127551794052, 0.09206829220056534, 0.14559417963027954, 0.21527747809886932, 0.24399851262569427, 0.2509903013706207, 0.24875609576702118, 0.24115830659866333, 0.2262347787618637, 0.1855429857969284, 0.15270505845546722, 0.11861271411180496, 0.07280287891626358, 0.05458947271108627, 0.0325143076479435, 0.018020689487457275, 0.0144979702308774, -0.0024964623153209686, -0.01501466240733862, -0.029809309169650078, -0.03736471012234688, -0.055994581431150436, -0.07706578075885773, -0.09798013418912888, -0.131083145737648, -0.148570716381073, -0.15385134518146515, -0.15575280785560608, -0.1439030021429062, -0.12585791945457458, -0.09278659522533417, -0.047001972794532776, -0.0005680642207153141, 0.05068033188581467, 0.10005152970552444, 0.1387018859386444, 0.1690593808889389, 0.18693789839744568, 0.19077815115451813, 0.1836431473493576, 0.17280326783657074, 0.159501314163208, 0.1362428218126297, 0.11656013876199722, 0.09878133237361908, 0.09272553771734238, 0.0924958661198616, 0.08955781161785126, 0.09357593208551407, 0.0925142765045166, 0.0928678959608078, 0.09433925896883011, 0.08715085685253143, 0.07969799637794495, 0.06632687896490097, 0.04530487209558487, 0.02412138134241104, 0.005842958111315966, -0.0012044688919559121, -0.006844258867204189, -0.009320778772234917, -0.006246596574783325, 0.0038915572222322226, 0.021680574864149094, 0.04309180751442909, 0.05693073570728302, 0.07219324260950089, 0.08731745928525925, 0.10001928359270096, 0.10119850188493729, 0.09536680579185486, 0.09382046014070511, 0.09343799948692322, 0.08906348794698715, 0.08342748880386353, 0.07906479388475418, 0.07739542424678802, 0.08559844642877579, 0.09110056608915329, 0.08948932588100433, 0.08321434259414673, 0.0822758749127388, 0.07763884961605072, 0.06859535723924637, 0.054440535604953766, 0.03361176326870918, 0.013414829038083553, -0.004501178860664368, -0.021355506032705307, -0.03833305090665817, -0.053999096155166626, -0.06316319853067398, -0.06878357380628586, -0.06945882737636566, -0.07153835147619247, -0.07298799604177475, -0.07189764082431793, -0.07326743751764297, -0.07464749366044998, -0.07872490584850311, -0.08370359241962433, -0.08695017546415329, -0.08714640140533447, -0.0954829528927803, -0.10317668318748474, -0.10601077228784561, -0.10417306423187256, -0.10449179261922836, -0.11010328680276871, -0.11789524555206299, -0.12808911502361298, -0.13169701397418976, -0.137146458029747, -0.14657877385616302, -0.15491771697998047, -0.16860680282115936, -0.17203542590141296, -0.17999118566513062, -0.1888149231672287, -0.1909700334072113, -0.20571178197860718, -0.19973187148571014, -0.20246809720993042, -0.21089375019073486, -0.197922021150589, -0.19705405831336975, -0.15319304168224335, -0.11087023466825485, -0.06430205702781677, -0.017358535900712013, 0.018036412075161934, 0.08138230443000793, 0.13779646158218384, 0.17990712821483612, 0.2025766372680664, 0.2014010101556778, 0.2024807333946228, 0.2016216516494751, 0.19088245928287506, 0.17182783782482147, 0.1395493894815445, 0.11906152963638306, 0.09284822642803192, 0.07480894774198532, 0.06487640738487244, 0.05026167258620262, 0.04037056490778923, 0.024365272372961044, 0.005456091836094856, -0.013541643507778645, -0.03485095500946045, -0.05133238434791565, -0.07933193445205688, -0.10320568084716797, -0.12556801736354828, -0.143981471657753, -0.1460493952035904, -0.1384165734052658, -0.12464351207017899, -0.10389498621225357, -0.07509420067071915, -0.036733146756887436, -0.0007588776643387973, 0.031538043171167374, 0.06557819247245789, 0.09284649789333344, 0.107914999127388, 0.11521955579519272, 0.11577407270669937, 0.11615417152643204, 0.11461132019758224, 0.11399191617965698, 0.10581990331411362, 0.10020405054092407, 0.1016581803560257, 0.11044598370790482, 0.11765339970588684, 0.12094584107398987, 0.12074017524719238, 0.12178634852170944, 0.11961209774017334, 0.11442551016807556, 0.10110738128423691, 0.08650205284357071, 0.07032827287912369, 0.05195135623216629, 0.031371887773275375, 0.01871577464044094, 0.009075777605175972, 0.007415843661874533, 0.0069576953537762165, 0.00900218728929758, 0.014560523442924023, 0.024645231664180756, 0.03439711034297943, 0.0446569100022316, 0.0498243123292923, 0.049432966858148575, 0.05268135666847229, 0.04752764105796814, 0.04817777872085571, 0.0487520806491375, 0.052851222455501556, 0.055426791310310364, 0.06331180781126022, 0.07332964986562729, 0.08500822633504868, 0.09624014794826508, 0.10614056140184402, 0.10913364589214325, 0.1046186089515686, 0.09629469364881516, 0.08198091387748718, 0.06808186322450638, 0.04858697950839996, 0.02342975325882435, -0.0013204815331846476, -0.02287653461098671, -0.03690088540315628, -0.0486537404358387, -0.05637374520301819, -0.058650802820920944, -0.05950320139527321, -0.05589521303772926, -0.0529492050409317, -0.05030965432524681, -0.04906555265188217, -0.05185418203473091, -0.05766598507761955, -0.06304235756397247, -0.07253820449113846, -0.08089277893304825, -0.0872034803032875, -0.0920000895857811, -0.09281089156866074, -0.09728565067052841, -0.10161831974983215, -0.09950342774391174, -0.0968889370560646, -0.09678465127944946, -0.10172729939222336, -0.11443832516670227, -0.12717702984809875, -0.13910408318042755, -0.14970405399799347, -0.16468384861946106, -0.18259884417057037, -0.19883370399475098, -0.209707111120224, -0.2141740918159485, -0.21842053532600403, -0.2188900113105774, -0.21325062215328217, -0.2072693407535553, -0.1933954805135727, -0.17950908839702606, -0.17212337255477905, -0.16300764679908752, -0.14502744376659393, -0.11155804991722107, -0.06665214151144028, -0.02730565518140793, 0.01020161435008049, 0.0448567271232605, 0.08176851272583008, 0.12697599828243256, 0.1655040830373764, 0.18728062510490417, 0.19881635904312134, 0.19213393330574036, 0.1818440556526184, 0.17540444433689117, 0.15741613507270813, 0.14053861796855927, 0.10823853313922882, 0.08269856870174408, 0.059879425913095474, 0.04451834782958031, 0.03715120628476143, 0.02092420496046543, 0.005453331861644983, -0.018728813156485558, -0.03887788578867912, -0.05147669464349747, -0.0655483677983284, -0.08019007742404938, -0.10147831588983536, -0.12005162239074707, -0.1261751353740692, -0.13272176682949066, -0.12669958174228668, -0.11685160547494888, -0.09839457273483276, -0.0756424218416214, -0.05434470251202583, -0.02830609865486622, -0.001533088623546064, 0.02298121154308319, 0.04739278927445412, 0.06819111853837967, 0.08295857161283493, 0.08956976979970932, 0.09719180315732956, 0.10317200422286987, 0.10698085278272629, 0.1112394854426384, 0.11190523952245712, 0.11279686540365219, 0.10990040749311447, 0.1093682050704956, 0.1091490164399147, 0.10518565028905869, 0.10216270387172699, 0.09501315653324127, 0.0877988412976265, 0.07838155329227448, 0.06879148632287979, 0.06200213357806206, 0.050723083317279816, 0.03851272538304329, 0.021441465243697166, 0.011389318853616714, -0.0019413077970966697, -0.010477401316165924, -0.01492971833795309, -0.019450675696134567, -0.017675502225756645, -0.015542320907115936, -0.013837271369993687, -0.004501983989030123, 0.0038150635082274675, 0.015009518712759018, 0.02727941796183586, 0.03549916669726372, 0.04713071137666702, 0.05456272512674332, 0.06173539534211159, 0.06853970885276794, 0.0671321451663971, 0.07185105234384537, 0.06938237696886063, 0.06977295875549316, 0.06569083034992218, 0.06371860951185226, 0.056588124483823776, 0.04128269851207733, 0.03384045884013176, 0.0320390947163105, 0.026293382048606873, 0.018204443156719208, 0.006100181955844164, -0.0005370739963836968, -0.006376974750310183, -0.012588703073561192, -0.029003703966736794, -0.04320930317044258, -0.04494553431868553, -0.04838789254426956, -0.04285632446408272, -0.048942964524030685, -0.04604500159621239, -0.04953007400035858, -0.0459851436316967, -0.04956938326358795, -0.04684824496507645, -0.05544038489460945, -0.05576268211007118, -0.059166740626096725, -0.058062855154275894, -0.0555921234190464, -0.06492212414741516, -0.06960587948560715, -0.07401355355978012, -0.07287076115608215, -0.07936854660511017, -0.07899362593889236, -0.07985203713178635, -0.08878306299448013, -0.09735613316297531, -0.09960077702999115, -0.10957005620002747, -0.10771804302930832, -0.1132872998714447, -0.11777175217866898, -0.11993107199668884, -0.1241203248500824, -0.12885421514511108, -0.14130721986293793, -0.14338845014572144, -0.14583848416805267, -0.15002988278865814, -0.14278638362884521, -0.13899831473827362, -0.13573792576789856, -0.12485156208276749, -0.11709341406822205, -0.10394975543022156, -0.09032932668924332, -0.08453652262687683, -0.06692436337471008, -0.051906827837228775, -0.021181873977184296, 0.012615853920578957, 0.03495749458670616, 0.05576277896761894, 0.06870360672473907, 0.0742882564663887, 0.0743638351559639, 0.07295691967010498, 0.0707385241985321, 0.06531279534101486, 0.06040586903691292, 0.05224373936653137, 0.04501931741833687, 0.045798610895872116, 0.04803544655442238, 0.05407211184501648, 0.05984104052186012, 0.05903666839003563, 0.05274994671344757, 0.04351472854614258, 0.033388908952474594, 0.024474387988448143, 0.01019259449094534, -0.005694445688277483, -0.01681782864034176, -0.02510613575577736, -0.02951892651617527, -0.027622636407613754, -0.02452610619366169, -0.013302244246006012, 0.002161632291972637, 0.014359652064740658, 0.026679277420043945, 0.03368004783987999, 0.037690479308366776, 0.035924896597862244, 0.034124184399843216, 0.03125746175646782, 0.02921762689948082, 0.026176298037171364, 0.023019321262836456, 0.0260718185454607, 0.027447104454040527, 0.03595425933599472, 0.041773393750190735, 0.04640692099928856, 0.050490327179431915, 0.052092526108026505, 0.05107519030570984, 0.047846369445323944, 0.044890567660331726, 0.03794209659099579, 0.032773781567811966, 0.024260545149445534, 0.020304590463638306, 0.015574414283037186, 0.013020843267440796, 0.012161161750555038, 0.01394767314195633, 0.020818611606955528, 0.023259637877345085, 0.027331510558724403, 0.028615854680538177, 0.03072158433496952, 0.03412292152643204, 0.03461841866374016, 0.03661693260073662, 0.03569871559739113, 0.03635050356388092, 0.036778002977371216, 0.03953591361641884, 0.03892909735441208, 0.04416973516345024, 0.04417930170893669, 0.04242758825421333, 0.0418383851647377, 0.03890309855341911, 0.03882988542318344, 0.03719640523195267, 0.036247286945581436, 0.03264487907290459, 0.031224621459841728, 0.02942545711994171, 0.024339361116290092, 0.025205427780747414, 0.025634225457906723, 0.0223865807056427, 0.023343218490481377, 0.018437067046761513, 0.021061107516288757, 0.017264103516936302, 0.01185083668678999, 0.011755875311791897, 0.003806841792538762, 0.005319895222783089, 0.006207217462360859, 0.007386751472949982, 0.01076363492757082, 0.006544436328113079, 0.008877060376107693, 0.010542472824454308, 0.014409944415092468, 0.01058526337146759, 0.007748743984848261, 0.008599361404776573, 0.0034926244989037514, 9.83418503892608e-05, -0.00018788923625834286, -0.0034325479064136744, -0.002260688692331314, -0.0036149027291685343, -0.005479203071445227, -0.007034780457615852, -0.0088423490524292, -0.008314618840813637, -0.008958258666098118, -0.011834987439215183, -0.01289190724492073, -0.01425943523645401, -0.013922113925218582, -0.019472595304250717, -0.018734807148575783, -0.022295959293842316, -0.021723773330450058, -0.019666144624352455, -0.024249903857707977, -0.019249090924859047, -0.02257671393454075, -0.020533613860607147, -0.022313477471470833, -0.021538736298680305, -0.01878376491367817, -0.02097553201019764, -0.018557697534561157, -0.01902502030134201, -0.020030546933412552, -0.018147435039281845, -0.019998649135231972, -0.017794623970985413, -0.018404927104711533, -0.019074229523539543, -0.017257917672395706, -0.018437348306179047, -0.019251113757491112, -0.02055685967206955, -0.023597542196512222, -0.026289077475667, -0.0313834473490715, -0.03360796347260475, -0.03509833291172981, -0.03692236170172691, -0.0395134761929512, -0.03975148871541023, -0.04107023775577545, -0.043500591069459915, -0.04190526157617569, -0.04324028640985489, -0.04241999238729477, -0.04304755851626396, -0.0413801409304142, -0.0402025431394577, -0.038209620863199234, -0.03578973188996315, -0.03490367531776428, -0.03194698318839073, -0.027781160548329353, -0.022921692579984665, -0.020519031211733818, -0.015703527256846428, -0.012378900311887264, -0.0076087466441094875, -0.0028197539504617453, 0.00034022575709968805, 0.006481660529971123, 0.010582752525806427, 0.014003063552081585, 0.01786692626774311, 0.02078181318938732, 0.023464178666472435, 0.025143302977085114, 0.02614174596965313, 0.02750600315630436, 0.028316756710410118, 0.028282154351472855, 0.02995380200445652, 0.029193200170993805, 0.030594579875469208, 0.030588442459702492, 0.03188245743513107, 0.03304620459675789, 0.034113604575395584, 0.03398224338889122, 0.03557587414979935, 0.03535734489560127, 0.034111618995666504, 0.0334346629679203, 0.03158648684620857, 0.031364474445581436, 0.028740571811795235, 0.027246825397014618, 0.025464382022619247, 0.025173649191856384, 0.02493871934711933, 0.024656793102622032, 0.024393606930971146, 0.02498638816177845, 0.02494434453547001, 0.026859119534492493, 0.026352766901254654, 0.025132745504379272, 0.024365054443478584, 0.02259376272559166, 0.02118254452943802, 0.019257863983511925, 0.019512033089995384, 0.017878662794828415, 0.01669858582317829, 0.017033206298947334, 0.01687130145728588, 0.017588835209608078, 0.016756683588027954, 0.016118137165904045, 0.013862318359315395, 0.013806100003421307, 0.014026383869349957, 0.01322081033140421, 0.013277196325361729, 0.012999570928514004, 0.012833353132009506, 0.013938589952886105, 0.014240109361708164, 0.014709488488733768, 0.014696191065013409, 0.015023335814476013, 0.01571560651063919, 0.015601168386638165, 0.017477305606007576, 0.015843356028199196, 0.0147847980260849, 0.014175652526319027, 0.01231328584253788, 0.010307883843779564, 0.008894098922610283, 0.005849080625921488, 0.006191839464008808, 0.0038371689151972532, 0.001018708455376327, 0.0025653403718024492, -0.0012546092038974166, -0.002067993162199855, -0.0025596495252102613, -0.0046185655519366264, -0.00489448057487607, -0.004680134356021881, -0.006009429227560759, -0.007190572563558817, -0.00833131093531847, -0.00913140457123518, -0.00851516891270876, -0.009685846976935863, -0.01000948715955019, -0.008409865200519562, -0.008305193856358528, -0.00708027184009552, -0.004195918794721365, -0.003931705839931965, -0.0027605602517724037, -0.002953080227598548, -0.004132009577006102, -0.004176391754299402, -0.005807860288769007, -0.009294692426919937, -0.01213759370148182, -0.012486976571381092, -0.016658637672662735, -0.01817818358540535, -0.01962619461119175, -0.020629744976758957, -0.022300364449620247, -0.02586350217461586, -0.02758789248764515, -0.029254404827952385, -0.029948288574814796, -0.032616157084703445, -0.0328865684568882, -0.03408472612500191, -0.03414345160126686, -0.03325240686535835, -0.034924160689115524, -0.03591819480061531, -0.03347666934132576, -0.03128522261977196, -0.030115695670247078, -0.02591307833790779, -0.021266747266054153, -0.01809740997850895, -0.014071843586862087, -0.01035675685852766, -0.00604699132964015, -0.003464924171566963, 0.0005558162811212242, 0.0038904862012714148, 0.004359831567853689, 0.006654571741819382, 0.008640305139124393, 0.008051554672420025, 0.009605771861970425, 0.010359423235058784, 0.010411841794848442, 0.010979946702718735, 0.007577485870569944, 0.005842928774654865, 0.006041763816028833, 0.006728457286953926, 0.007704786956310272, 0.0033921925351023674, 0.0032196587417274714, 0.00665569631382823, 0.005704839248210192, 0.005524157080799341, 0.005099876783788204, 0.0045322999358177185, 0.0061188614927232265, 0.006838271860033274, 0.007834159769117832, 0.007747448980808258, 0.00920639093965292, 0.01265614666044712, 0.011969951912760735, 0.012254544533789158, 0.01532950159162283, 0.015408928506076336, 0.015715664252638817, 0.015583895146846771, 0.01709548383951187, 0.017209874466061592, 0.017299000173807144, 0.017362874001264572, 0.015432463027536869, 0.01566934958100319, 0.014768215827643871, 0.013091027736663818, 0.014704268425703049, 0.014354568906128407, 0.012208335101604462, 0.011153370141983032, 0.009539245627820492, 0.00978945754468441, 0.00935348030179739, 0.008731702342629433, 0.008591889403760433, 0.0033871345221996307, 0.00205159280449152, 0.005596279166638851, -0.0003984269278589636, -0.0002913006755989045, 0.0009275448974221945, -0.00014800841745454818, 0.0023953875061124563, -0.0022181456442922354, 0.0001756166893756017, 0.0038616845849901438, 0.002769807819277048, 0.0032939626835286617, 0.003092025639489293, 0.0015299809165298939, 0.0029243326280266047, 0.004961940459907055, 0.0027214300353080034, 0.00017838524945545942, 0.00207906705327332, 0.0001734454999677837, -0.0012281505623832345, 0.0011949180625379086, -0.002420675940811634, -0.0033521712757647038, -0.0031591919250786304, -0.004017217550426722, -0.0044104293920099735, -0.006334445904940367, -0.00639590248465538, -0.006302725523710251, -0.006965341046452522, -0.010665715672075748, -0.007512765005230904, -0.006367698311805725, -0.012200956232845783, -0.009186890907585621, -0.010014048777520657, -0.008962005376815796, -0.00856879260390997, -0.010247389785945415, -0.008506170473992825, -0.00920859258621931, -0.01017349399626255, -0.006411430891603231, -0.007546415086835623, -0.008268265053629875, -0.006324470043182373, -0.006416597869247198, -0.005878425668925047, -0.007828828878700733, -0.00931877363473177, -0.011079556308686733, -0.010950510390102863, -0.012183506041765213, -0.013501664623618126, -0.015395247377455235, -0.01657971180975437, -0.018293986096978188, -0.01919659413397312, -0.018879098817706108, -0.01850263774394989, -0.01948447898030281, -0.01959366723895073, -0.019823839887976646, -0.020101068541407585, -0.018855329602956772, -0.02112508751451969, -0.020656054839491844, -0.019534211605787277, -0.01769261062145233, -0.017337167635560036, -0.015303868800401688, -0.01262654922902584, -0.014848371036350727, -0.011710802093148232, -0.009651516564190388, -0.006956526543945074, -0.003556218696758151, -0.0037171647418290377, -0.0029044568073004484, -0.001315611763857305, -0.0008208047365769744, -0.0010643919231370091, -0.0005820744554512203, -0.0011390091385692358, -0.001044452073983848, -0.0007422146736644208, -0.0014374960446730256, 0.00022394761617761105, -0.003324441611766815, -0.002534343861043453, -0.0012603625655174255, -0.0019539862405508757, -0.0016707327449694276, -0.000962105521466583, -0.0020837069023400545, -0.005251446273177862, -0.0046597737818956375, -0.00720214145258069, -0.007227357942610979, -0.00462457025423646, -0.0036925245076417923, -0.0017710692482069135, -0.0031529702246189117, -0.0035905232653021812, 0.0005240851896815002, -0.0005498966784216464, -0.00197923113591969, -0.002267659641802311, 0.0003930815728381276, 0.0023120720870792866, 0.0012757655931636691, 0.005313455127179623, 0.001375273335725069, 0.00396626116707921, 0.0006464981706812978, 0.001755238394252956, 7.191122131189331e-05, 0.00500800646841526, 0.007820663042366505, 0.0024212291464209557, 0.05536678433418274, 0.0754469633102417, 0.04026122763752937, 0.008790566585958004, -0.010662552900612354, 0.012280281633138657, 0.02506372146308422, 0.006040582899004221, -0.005162002518773079, -0.006802739575505257, 0.007476074621081352, 0.02176792360842228, 0.01661248318850994, 0.007202883716672659, 0.002062218962237239, 0.0028645542915910482, -0.00021613467833958566, -0.0034541164059191942, 0.0019156294874846935, 0.002113288501277566, 0.0014315949520096183, 0.009432361461222172, 0.009721633046865463, 0.010714620351791382, 0.005025065504014492, 0.008287063799798489, 0.008823818527162075, -0.001287167309783399, -0.003917068708688021, -0.007769476622343063, 0.005969625897705555, 0.0016875416040420532, 0.015582463704049587, 0.007623783778399229, 0.005218356382101774, 0.007464731112122536, -0.005756704602390528, 0.02549373358488083, 0.015317745506763458, 0.010981647297739983, -0.0196094773709774, -0.000340881641022861, 0.0014438402140513062, -0.011209053918719292, -0.004355389624834061, 0.001848712214268744, 0.007141591515392065, 0.004756104201078415, 0.002698499010875821, -0.015130364336073399, -0.030759012326598167, -0.002640895312651992, 0.010618291795253754, 0.012098285369575024, 0.004383698105812073, -0.003946310840547085, -0.008322721347212791, -0.011715373024344444, -0.015304714441299438, -0.024137062951922417, -0.012891476042568684, -0.0017452341271564364, 0.025934021919965744, 0.06410667300224304, 0.09335631877183914, 0.04967888072133064, 0.032270658761262894, 0.011539443396031857, -0.013697111047804356, -0.0031553166918456554, -0.014345434494316578, 0.0339355431497097, -0.004910888150334358, 0.03812571242451668, 0.020459700375795364, 0.01441726554185152, 0.014426791109144688, -0.02343101054430008, 0.02849910408258438, -0.02665157988667488, 0.025883786380290985, -0.011654767207801342, -0.01085963100194931, 0.0035233700182288885, -0.010845746845006943, 0.024728748947381973, 0.01634104736149311, 0.039880067110061646, 0.028796011582016945, 0.011226004920899868, 0.002856705104932189, 0.0005965222953818738, 0.015991488471627235, -0.0022931876592338085, 0.018057040870189667, 0.010143217630684376, 0.010339466854929924, 0.03282014653086662, 0.009060726501047611, 0.022387972101569176, 0.009631781838834286, 0.014319847337901592, 0.005067350342869759, 0.014147882349789143, 0.012426485307514668, 0.0006831326172687113, -0.008923870511353016, 0.01610933430492878, -0.003275407012552023, 0.012080203741788864, 0.010995589196681976, -0.002620087470859289, 0.036156196147203445, -0.004828194621950388, 0.005161790642887354, 0.017108537256717682, -0.004762575030326843, 0.013735073618590832, -0.005635613109916449, -0.004730610176920891, 0.01764615997672081, 0.021608002483844757, 0.03265578672289848, -0.008922687731683254, -0.005323229823261499, 0.0266888365149498, 0.04485116899013519, -0.010099615901708603, 0.021048489958047867, 0.040471356362104416, 0.014850065112113953, 0.005274980794638395, -0.018085042014718056, 0.077259860932827, -0.019721398130059242, 0.02232269197702408, 0.03198224678635597, 0.025910377502441406, -8.112844807328656e-05, 0.03527957573533058, 0.027227479964494705, -0.033433374017477036, 0.08468779921531677, -0.03719649836421013, 0.04555480182170868, -0.007124240510165691, 2.0636985937017016e-05, 0.00881402101367712, 0.019783424213528633, -0.0036075999960303307, -0.004244561772793531, 0.022842779755592346, 0.011132573708891869, 0.0522628128528595, -0.034197352826595306, 0.047879572957754135, -0.0014763826038688421, 0.05953878536820412, -0.02829207293689251, 0.015104043297469616, 0.038236793130636215, -0.01300776656717062, 0.0278466809540987, 0.020712556317448616, 0.040566034615039825, 0.008255388587713242, 0.0063275303691625595, -0.0010425987420603633, 0.050272949039936066, 0.06829049438238144, -0.030918223783373833, -0.012666713446378708, 0.015620622783899307, 0.04488370940089226, -0.003935347311198711, 0.007134162820875645, -0.0323287658393383, -0.015826763585209846, -0.00011050343891838565, -0.023382386192679405, 0.05605835095047951, -0.06970738619565964, 0.07246515154838562, -0.0524083711206913, -0.013430215418338776, 0.011420747265219688, -0.01465111505240202, 0.05147691071033478, -0.01430311519652605, 0.023445220664143562, -0.002772829495370388, 0.04745977744460106, 0.029778579249978065, 0.03995848074555397, -0.03948977589607239, 0.02269289456307888, -0.04517203941941261, -0.0032031210139393806, -0.03602045401930809, -0.016431236639618874, 0.008687407709658146, -0.015397743321955204, 0.1220632791519165, 0.09510175883769989, 0.06209113821387291, 0.06145862117409706, -0.058990877121686935, 0.013060091994702816, -0.10917657613754272, -0.059948500245809555, -0.05677175149321556, -0.04424009472131729, 0.004626625683158636, 0.0022909853141754866, 0.09420011192560196, 0.008657475002110004, 0.026275530457496643, -0.015356284566223621, -0.054007843136787415, -0.030908549204468727, 0.043222904205322266, 0.1158788651227951, 0.15012116730213165, 0.07710597664117813, 0.06321533024311066, 0.05735728144645691, 0.0379001647233963, -0.010730896145105362, 0.012183763086795807, -0.009011774323880672, 0.02660970576107502, 0.09928128123283386, -0.011822788044810295, 0.0071347844786942005, -0.08424362540245056, -0.07360921055078506, 0.03204651176929474, 0.01598603092133999, 0.02157747745513916, 0.005940898787230253, -0.024687474593520164, -0.005674311425536871, -0.04068642482161522, -0.023096786811947823, -0.044455040246248245, 0.07543869316577911, 0.03304528072476387, -0.015579708851873875, -0.044290442019701004, -0.029731472954154015, -0.02477170154452324, -0.024851350113749504, 0.05296102166175842, 0.09322090446949005, 0.12542729079723358, 0.029247505590319633, 0.02689717337489128, -0.024087317287921906, -0.04814174398779869, -0.03665073961019516, 0.0389300212264061, 0.04654423147439957, 0.04551629722118378, 0.07254061847925186, 0.07517903298139572, -0.029649609699845314, -0.04040822386741638, -0.08233842998743057, -0.0474371574819088, -0.07489190250635147, -0.05398860201239586, 0.04337720200419426, 0.025139514356851578, 0.007985173724591732, -0.02382003143429756, -0.001630753860808909, -0.025456901639699936, -0.096070796251297, -0.04952271282672882, -0.036791909486055374, -0.01656939834356308, -0.0337357260286808, 0.026268020272254944, 0.04384077340364456, -0.045544713735580444, -0.026633895933628082, -0.004469745326787233, -0.024785758927464485, 0.0029918134678155184, -0.0024956681299954653, 0.012743040919303894, -0.013111329637467861, -0.06746754795312881, -0.030699431896209717, -0.016474129632115364, 0.004104361869394779, -0.010017897933721542, 0.02828252874314785, 0.012307734228670597, -0.054036401212215424, -0.08381422609090805, -0.058230921626091, -0.040869373828172684, -0.0644577369093895, -0.0012717233039438725, 0.022267648950219154, -0.006093108560889959, -0.03956357762217522, -0.047636788338422775, -0.041698891669511795, -0.05138592794537544, -0.0543510764837265, -0.0506143793463707, -0.01883925311267376, -0.029407979920506477, -0.04573274403810501, -0.01963832788169384, -0.03216743841767311, -0.0451197549700737, -0.02288907580077648, -0.027369864284992218, -0.03826439380645752, -0.035182055085897446, -0.03935099020600319, -0.03236587718129158, -0.05299730226397514, -0.04432545229792595, -0.00296362629160285, 0.0012335614301264286, -0.03345553204417229, -0.04529111459851265, -0.04286568984389305, -0.04840899258852005, -0.04611985757946968, -0.06253398954868317, -0.036065276712179184, -0.017457932233810425, -0.004738369025290012, -0.035289183259010315, -0.03614893928170204, -0.030350210145115852, -0.045672979205846786, -0.04925386607646942, -0.04751783609390259, -0.003952772356569767, -0.029028501361608505, -0.024435557425022125, -0.007681704591959715, -0.01132506225258112, -0.016597546637058258, -0.017879586666822433, 0.00275069079361856, 0.00422136252745986, -0.01831330731511116, 0.0070952437818050385, 0.03357896953821182, 0.005334834102541208, -0.001359796617180109, 0.00018458986596670002, 0.023632626980543137, 0.004646324552595615, 0.010726908221840858, 0.04212864860892296, -0.00077573221642524, 0.025622503831982613, 0.0020393964368849993, 0.012518364936113358, 0.015591725707054138, 0.0111650126054883, 0.0285571850836277, 0.018609819933772087, 0.016892334446310997, 0.0016793387476354837, 0.009430257603526115, 0.010756129398941994, 0.004841357935220003, 0.01688595674932003, 0.01791464537382126, 0.0033624982461333275, 0.009812070056796074, 0.020901301875710487, -0.016226300969719887, 0.0032695247791707516, -0.022220918908715248, -0.00370676233433187, 0.032491255551576614, 0.019261986017227173, -0.013760359026491642, -0.008662520907819271, -0.02106848731637001, -0.019521061331033707, -0.015113902278244495, 0.011884652078151703, 0.02061443030834198, -0.009701655246317387, 0.029518650844693184, 0.013446571305394173, -0.023259341716766357, 0.0006051783566363156, -0.02297784574329853, -0.004342920612543821, -0.0002437668154016137, -0.008041965775191784, 0.01575748808681965, -0.02582206018269062, -0.005044169258326292, -0.008316939696669579, -0.02108132094144821, -0.005551365204155445, 0.01675029844045639, 0.019715843722224236, -0.041470881551504135, -0.09625402092933655, -0.047645535320043564, -0.026130646467208862, -0.030524924397468567, -0.02509688399732113, 0.042301394045352936, 0.0568014495074749, -0.0017284107161685824, -0.0710882619023323, -0.09804704785346985, -0.0871831476688385, -0.06086975708603859, -0.04261966794729233, -0.0006703030085191131, 0.03499847650527954, -0.002144702011719346, -0.026273101568222046, -0.08551468700170517, -0.10620136559009552, -0.10722722113132477, -0.07356145977973938, -0.04086945205926895, -0.03317980095744133, -0.018612217158079147, -0.025876881554722786, -0.06969095766544342, -0.10922453552484512, -0.12444890290498734, -0.0968235656619072, -0.07117490470409393, -0.04846635460853577, -0.04425007477402687, -0.06497766077518463, -0.07781197875738144, -0.08175773918628693, -0.07468398660421371, -0.08243176341056824, -0.0795087143778801, -0.03789598122239113, -0.026217853650450706, -0.022073937579989433, -0.03597833216190338, -0.02598675526678562, -0.03466186299920082, -0.051828861236572266, -0.02221081592142582, -0.0005270602996461093, 0.01945127360522747, 0.022868838161230087, 0.013447999954223633, 0.014212614856660366, 0.00034873594995588064, -0.004810314159840345, 0.021618004888296127, 0.04387000948190689, 0.055575739592313766, 0.07487982511520386, 0.06599467247724533, 0.06963402777910233, 0.055437128990888596, 0.0457722544670105, 0.04702167212963104, 0.06670203804969788, 0.08189090341329575, 0.08893320709466934, 0.08781181275844574, 0.06665749102830887, 0.06575047224760056, 0.05390700697898865, 0.03910847380757332, 0.05016379430890083, 0.05713742598891258, 0.057502780109643936, 0.06220167502760887, 0.04674600064754486, 0.05988328158855438, 0.047577470541000366, 0.04701514542102814, 0.048661354929208755, 0.03868493437767029, 0.041954200714826584, 0.043845564126968384, 0.05460341274738312, 0.06361506134271622, 0.07055141031742096, 0.06320934742689133, 0.07765457779169083, 0.0657699778676033, 0.06472357362508774, 0.07679253071546555, 0.06380156427621841, 0.07808611541986465, 0.06724393367767334, 0.06429491192102432, 0.0613667257130146, 0.045574851334095, 0.049905866384506226, 0.039641622453927994, 0.03901226446032524, 0.03954048454761505, 0.041700929403305054, 0.03549893572926521, 0.027115071192383766, 0.016870643943548203, 0.01414770632982254, 0.002079922240227461, 0.003939247224479914, 0.008860383182764053, 0.003922465723007917, 0.004793104249984026, -0.002786168595775962, -0.01404139120131731, -0.02678925357758999, -0.013573938049376011, 0.0012149257818236947, -0.00958952959626913, -0.018020570278167725, -0.021314315497875214, -0.02701670676469803, -0.02452819235622883, -0.028553426265716553, -0.029686274006962776, -0.03421633690595627, -0.03633981570601463, -0.04485279694199562, -0.051482513546943665, -0.05248137563467026, -0.05535203218460083, -0.05438927933573723, -0.053896714001894, -0.062438566237688065, -0.049151696264743805, -0.059230417013168335, -0.07372023165225983, -0.07746800035238266, -0.10230246186256409, -0.11624114960432053, -0.11649646610021591, -0.12240905314683914, -0.13630276918411255, -0.13285811245441437, -0.12101677060127258, -0.12851811945438385, -0.1274687647819519, -0.12401032447814941, -0.13401272892951965, -0.1493379920721054, -0.17023225128650665, -0.19654898345470428, -0.19838474690914154, -0.19632576406002045, -0.17625895142555237, -0.13007624447345734, -0.09039834141731262, -0.05718779191374779, -0.0293820071965456, -0.0027258852496743202, 0.018528863787651062, 0.025806967169046402, 0.02832718938589096, 0.037589773535728455, 0.05798112228512764, 0.07279790937900543, 0.1025870144367218, 0.12484264373779297, 0.12414711713790894, 0.1437082141637802, 0.1444707214832306, 0.1301344484090805, 0.11746858805418015, 0.10813052952289581, 0.093436598777771, 0.06252174079418182, 0.0459916889667511, 0.03325571492314339, 0.028641043230891228, 0.03130942955613136, 0.027918212115764618, 0.03164549544453621, 0.02443130686879158, 0.010823221877217293, -0.016293268650770187, -0.0383114330470562, -0.04894329607486725, -0.049376972019672394, -0.03872297331690788, -0.01621542125940323, 0.003448862349614501, 0.02272055298089981, 0.03845176473259926, 0.04073680192232132, 0.043142400681972504, 0.04430301487445831, 0.04859879985451698, 0.05386093631386757, 0.06268739700317383, 0.07548978179693222, 0.09860322624444962, 0.114695705473423, 0.129141166806221, 0.13825364410877228, 0.13570591807365417, 0.1404372602701187, 0.14837861061096191, 0.1347743421792984, 0.129219189286232, 0.12103328108787537, 0.1090133860707283, 0.1078893169760704, 0.09535989910364151, 0.0945923924446106, 0.09239615499973297, 0.09082559496164322, 0.08280211687088013, 0.053227830678224564, 0.04107976704835892, 0.023345157504081726, 0.010009193792939186, 0.0064009749330580235, 0.009506956674158573, 0.02336711809039116, 0.025891071185469627, 0.04552159085869789, 0.040176186710596085, 0.031105326488614082, 0.038444243371486664, 0.02763272635638714, 0.031081246212124825, 0.039510708302259445, 0.04775748774409294, 0.055661991238594055, 0.056478336453437805, 0.05622311308979988, 0.05397148057818413, 0.05334572121500969, 0.0547998882830143, 0.05518636479973793, 0.049540042877197266, 0.03841720521450043, 0.02202015556395054, 0.009961389936506748, -0.012183789163827896, -0.019567806273698807, -0.02955230511724949, -0.03440767899155617, -0.026478305459022522, -0.03293541446328163, -0.0372384637594223, -0.06058255210518837, -0.07960707694292068, -0.09139601141214371, -0.10355135798454285, -0.10870355367660522, -0.1161324754357338, -0.12486908584833145, -0.133850559592247, -0.1383887082338333, -0.14578765630722046, -0.14710146188735962, -0.14809080958366394, -0.153375044465065, -0.14759966731071472, -0.1468590497970581, -0.15313629806041718, -0.16052182018756866, -0.1663060337305069, -0.16506382822990417, -0.15937966108322144, -0.15961486101150513, -0.16643476486206055, -0.17948880791664124, -0.16545411944389343, -0.17788204550743103, -0.16334305703639984, -0.1299409568309784, -0.08583858609199524, -0.037069663405418396, -0.005702135153114796, 0.040372442454099655, 0.06058308854699135, 0.0662933811545372, 0.0513109527528286, 0.04883481562137604, 0.050375279039144516, 0.06208418309688568, 0.0848701149225235, 0.12295276671648026, 0.16035959124565125, 0.16560833156108856, 0.1574936807155609, 0.13786491751670837, 0.10483474284410477, 0.06854099035263062, 0.04638916626572609, 0.027751028537750244, 0.030594883486628532, 0.032050229609012604, 0.032387640327215195, 0.026430711150169373, 0.007042199373245239, -0.005053792614489794, -0.032095324248075485, -0.040064018219709396, -0.054177697747945786, -0.05040082708001137, -0.04244755953550339, -0.04250204190611839, -0.0315200574696064, -0.023028913885354996, -0.01778782159090042, -0.011930790729820728, -0.006924797315150499, 0.0042571136727929115, 0.015273258090019226, 0.019986305385828018, 0.03728369250893593, 0.045561764389276505, 0.055975768715143204, 0.07234658300876617, 0.08643680065870285, 0.09821529686450958, 0.11076820641756058, 0.12645000219345093, 0.12573693692684174, 0.12756262719631195, 0.12417957931756973, 0.11759816855192184, 0.11977245658636093, 0.12138266116380692, 0.11564307659864426, 0.11438445001840591, 0.11167518049478531, 0.10708528757095337, 0.09330139309167862, 0.07805197685956955, 0.06616167724132538, 0.047079313546419144, 0.03748369589447975, 0.03028719313442707, 0.025886328890919685, 0.02088465541601181, 0.02362772263586521, 0.01521658431738615, 0.010657115839421749, 0.014262684620916843, 0.010953095741569996, 0.017815588042140007, 0.02561393566429615, 0.025987930595874786, 0.03206293657422066, 0.04126664623618126, 0.043108124285936356, 0.0519435778260231, 0.05276551842689514, 0.05526239052414894, 0.05659877136349678, 0.05362766236066818, 0.04726063087582588, 0.032520875334739685, 0.023314137011766434, 0.009534959681332111, 0.006690909154713154, 0.0028000855818390846, -0.0007718972046859562, -0.008062685839831829, -0.017430385574698448, -0.036459241062402725, -0.05946551263332367, -0.08339338004589081, -0.09812711924314499, -0.10536842793226242, -0.11325041204690933, -0.11193615198135376, -0.11331452429294586, -0.12000418454408646, -0.13240934908390045, -0.1506531536579132, -0.1631060540676117, -0.17130546271800995, -0.1751769781112671, -0.16218683123588562, -0.15577058494091034, -0.15270422399044037, -0.15668807923793793, -0.16136565804481506, -0.16899384558200836, -0.18319712579250336, -0.17302173376083374, -0.1852547973394394, -0.17694354057312012, -0.18564662337303162, -0.17987896502017975, -0.17399632930755615, -0.150861918926239, -0.12369795888662338, -0.08005361258983612, -0.02482324093580246, 0.021116361021995544, 0.0696985051035881, 0.08399391174316406, 0.09666240215301514, 0.07684236764907837, 0.06383751332759857, 0.05765137821435928, 0.06478539854288101, 0.08093386888504028, 0.11188584566116333, 0.15422533452510834, 0.16405673325061798, 0.1734064817428589, 0.14673329889774323, 0.11460236459970474, 0.055881157517433167, 0.018658136948943138, -0.00526368897408247, -0.01179870031774044, 0.00804732833057642, 0.016047144308686256, 0.04180292785167694, 0.02961893565952778, 0.015825660899281502, -0.023593157529830933, -0.05660519748926163, -0.0841318666934967, -0.09553386270999908, -0.0788123831152916, -0.05790998041629791, -0.019640764221549034, 0.00381604116410017, 0.025968564674258232, 0.024809526279568672, 0.021436946466565132, 0.014659784734249115, 0.0091987494379282, 0.01592542603611946, 0.025722552090883255, 0.05491025745868683, 0.07025650888681412, 0.09498382359743118, 0.10578341037034988, 0.11630192399024963, 0.11587519198656082, 0.11877847462892532, 0.11479391902685165, 0.11539055407047272, 0.11389779299497604, 0.1073908805847168, 0.11507114768028259, 0.10707307606935501, 0.11023275554180145, 0.10528454184532166, 0.0974658876657486, 0.0946592390537262, 0.08153122663497925, 0.07937910407781601, 0.06337878108024597, 0.05719489976763725, 0.04473670572042465, 0.03777732700109482, 0.03542238846421242, 0.031629662960767746, 0.0336960032582283, 0.03884061798453331, 0.043296460062265396, 0.04873736575245857, 0.0510261096060276, 0.04710213840007782, 0.04416342079639435, 0.042414482682943344, 0.04682734236121178, 0.04936618357896805, 0.05443795770406723, 0.0675632655620575, 0.0708680972456932, 0.07180213183164597, 0.06036359444260597, 0.050037313252687454, 0.040337368845939636, 0.02652895078063011, 0.014001481235027313, 0.005917124450206757, 0.008210871368646622, 0.004863165784627199, -0.00203713052906096, -0.022634537890553474, -0.031869061291217804, -0.055884551256895065, -0.07313339412212372, -0.09404750168323517, -0.10287739336490631, -0.10101531445980072, -0.10574112087488174, -0.10461363941431046, -0.10823830962181091, -0.11549483984708786, -0.1300177127122879, -0.1428101360797882, -0.15554594993591309, -0.16280178725719452, -0.16383695602416992, -0.15624895691871643, -0.1505891978740692, -0.1431223601102829, -0.1385890543460846, -0.13149689137935638, -0.1410643756389618, -0.1463826447725296, -0.15653416514396667, -0.16638900339603424, -0.17807745933532715, -0.19132055342197418, -0.19002166390419006, -0.19565825164318085, -0.15220193564891815, -0.12253951281309128, -0.06966165453195572, -0.01751868799328804, 0.029467524960637093, 0.07564076781272888, 0.07271955907344818, 0.07575982064008713, 0.0461510568857193, 0.04556629806756973, 0.026529274880886078, 0.03748871758580208, 0.07312553375959396, 0.10320977121591568, 0.15201778709888458, 0.17345751821994781, 0.17891836166381836, 0.15437297523021698, 0.11539528518915176, 0.0638483315706253, 0.014323537237942219, -0.013766483403742313, -0.022428186610341072, -0.011842580512166023, 0.005817964673042297, 0.02354845218360424, 0.03491021320223808, 0.024823544546961784, -0.012712766416370869, -0.03659309819340706, -0.07768484950065613, -0.09484600275754929, -0.10186979919672012, -0.08006027340888977, -0.04259933531284332, -0.017113130539655685, 0.027074163779616356, 0.03518906235694885, 0.04944173991680145, 0.03225120157003403, 0.02730480022728443, 0.01885668747127056, 0.014606475830078125, 0.03801409527659416, 0.054592475295066833, 0.09052257984876633, 0.0993347093462944, 0.13314606249332428, 0.1360262930393219, 0.13649384677410126, 0.12752081453800201, 0.11199329793453217, 0.10979142785072327, 0.09307084232568741, 0.10220840573310852, 0.09431249648332596, 0.10053187608718872, 0.09804756194353104, 0.1002865731716156, 0.09384491294622421, 0.07889696210622787, 0.06942246109247208, 0.05529068410396576, 0.04165836423635483, 0.026476334780454636, 0.022406723350286484, 0.01787547767162323, 0.021071357652544975, 0.026592381298542023, 0.036047499626874924, 0.046549536287784576, 0.05091213807463646, 0.06075478717684746, 0.05605951324105263, 0.05137991905212402, 0.039475224912166595, 0.040045250207185745, 0.03510119765996933, 0.03700444474816322, 0.04349824786186218, 0.05437721684575081, 0.06489688903093338, 0.06361611932516098, 0.06512545794248581, 0.04630463570356369, 0.03379502892494202, 0.015567430295050144, -0.0034547047689557076, -0.013886936008930206, -0.023432396352291107, -0.020274197682738304, -0.025739453732967377, -0.026618074625730515, -0.03637663647532463, -0.05215175449848175, -0.06971674412488937, -0.09893427789211273, -0.11319796741008759, -0.13002915680408478, -0.13905887305736542, -0.13409407436847687, -0.13528884947299957, -0.1289692372083664, -0.13071946799755096, -0.13343174755573273, -0.14291346073150635, -0.15308210253715515, -0.16123202443122864, -0.16909374296665192, -0.16669894754886627, -0.16706781089305878, -0.1556875854730606, -0.15710368752479553, -0.15087242424488068, -0.16666153073310852, -0.1749381124973297, -0.19579002261161804, -0.21022914350032806, -0.19996985793113708, -0.17989516258239746, -0.12752504646778107, -0.09093349426984787, -0.016045697033405304, 0.027437366545200348, 0.06552967429161072, 0.08134261518716812, 0.059449825435876846, 0.057576242834329605, 0.03030320070683956, 0.032039668411016464, 0.043475259095430374, 0.06692131608724594, 0.11791645735502243, 0.1475512534379959, 0.1819864958524704, 0.1764088273048401, 0.1616649329662323, 0.12753762304782867, 0.07056727260351181, 0.035092681646347046, -0.00561126321554184, -0.01464718859642744, -0.016814248636364937, -0.004483451601117849, 0.011700752191245556, 0.013344967737793922, 0.010035297833383083, -0.011958949267864227, -0.043804556131362915, -0.07094528526067734, -0.0933450385928154, -0.09701556712388992, -0.08118186146020889, -0.058724891394376755, -0.02265855483710766, 0.006163753103464842, 0.029649481177330017, 0.04175766929984093, 0.042705342173576355, 0.03780258446931839, 0.034525271505117416, 0.035311028361320496, 0.04607134312391281, 0.06357583403587341, 0.08108021318912506, 0.10399506241083145, 0.12223678827285767, 0.13382956385612488, 0.1365486979484558, 0.13636572659015656, 0.13472628593444824, 0.1277128905057907, 0.12412813305854797, 0.1181410551071167, 0.1118006482720375, 0.10715723037719727, 0.09925325214862823, 0.08923017233610153, 0.07937316596508026, 0.0749792754650116, 0.06478890031576157, 0.05607137829065323, 0.050258781760931015, 0.04399922490119934, 0.03874893859028816, 0.0350647009909153, 0.028834184631705284, 0.02915194071829319, 0.026938488706946373, 0.029284009709954262, 0.03426368534564972, 0.03683026134967804, 0.04167551174759865, 0.041678570210933685, 0.04293942451477051, 0.0437699519097805, 0.04621721804141998, 0.04625484719872475, 0.049421485513448715, 0.05451669171452522, 0.055471520870923996, 0.05318467691540718, 0.049138132482767105, 0.040782906115055084, 0.03059939481317997, 0.023072175681591034, 0.011791043914854527, 0.003213132731616497, -0.005386605858802795, -0.01399090513586998, -0.024771088734269142, -0.03838418051600456, -0.0498165637254715, -0.0672251433134079, -0.08033189922571182, -0.09610820561647415, -0.1088402047753334, -0.11917349696159363, -0.12526533007621765, -0.126504048705101, -0.12847523391246796, -0.13048788905143738, -0.1320233792066574, -0.1386047750711441, -0.14181862771511078, -0.15304836630821228, -0.15819159150123596, -0.16195380687713623, -0.1634262353181839, -0.15490379929542542, -0.15601247549057007, -0.15059876441955566, -0.15968123078346252, -0.17605744302272797, -0.18982180953025818, -0.2080957442522049, -0.20811744034290314, -0.18860386312007904, -0.1418246477842331, -0.08547089993953705, -0.025620074942708015, 0.05115549638867378, 0.08102510124444962, 0.1026042252779007, 0.08702560514211655, 0.06123308464884758, 0.03307807445526123, 0.006165339611470699, 0.02719980664551258, 0.04282817617058754, 0.09897616505622864, 0.1491423398256302, 0.19105404615402222, 0.2081485539674759, 0.1821800321340561, 0.1457856446504593, 0.0759938508272171, 0.0133324284106493, -0.03754043206572533, -0.06607267260551453, -0.05933539941906929, -0.04620502516627312, -0.012320354580879211, 0.009127086028456688, 0.011914880014955997, -0.00027094967663288116, -0.03320430964231491, -0.0708162859082222, -0.10880385339260101, -0.12098156660795212, -0.10979274660348892, -0.08561500161886215, -0.0426991730928421, -0.0006591879646293819, 0.03316284343600273, 0.04843820258975029, 0.049788255244493484, 0.04952201247215271, 0.03630058094859123, 0.03293725475668907, 0.040389284491539, 0.05429549142718315, 0.07428362220525742, 0.0968879982829094, 0.11973758786916733, 0.13124972581863403, 0.14174669981002808, 0.1431770771741867, 0.14558325707912445, 0.1385609656572342, 0.13071118295192719, 0.12217121571302414, 0.1106823980808258, 0.09611964225769043, 0.08318696171045303, 0.07199525088071823, 0.06451772898435593, 0.059672728180885315, 0.05761532112956047, 0.06013747677206993, 0.05556582286953926, 0.04844359681010246, 0.039889492094516754, 0.024885663762688637, 0.013216574676334858, 0.004548862110823393, -0.0005213074036873877, 0.0029211381915956736, 0.013350795954465866, 0.027163133025169373, 0.03924352675676346, 0.045698583126068115, 0.05054808780550957, 0.04978093132376671, 0.04339810833334923, 0.03531145676970482, 0.03509027138352394, 0.03617149218916893, 0.04384627938270569, 0.05112655460834503, 0.055468540638685226, 0.057929303497076035, 0.048980385065078735, 0.035190798342227936, 0.014220739714801311, -0.003888990730047226, -0.01998782344162464, -0.02944934368133545, -0.03567453846335411, -0.038433901965618134, -0.04215923696756363, -0.052758023142814636, -0.06801328808069229, -0.08573377132415771, -0.10978566855192184, -0.12322183698415756, -0.1365983933210373, -0.14318914711475372, -0.13816837966442108, -0.14250296354293823, -0.140254944562912, -0.1433221995830536, -0.15135622024536133, -0.15847434103488922, -0.17108698189258575, -0.17331914603710175, -0.17876693606376648, -0.17447058856487274, -0.17094455659389496, -0.17560192942619324, -0.17715522646903992, -0.191062331199646, -0.19207940995693207, -0.1978914737701416, -0.1896338015794754, -0.14972247183322906, -0.09573206305503845, -0.029932476580142975, 0.037625957280397415, 0.08678898215293884, 0.11687549948692322, 0.11382754892110825, 0.08292418718338013, 0.04767729341983795, 0.004968119319528341, -0.0010786765487864614, 0.01901455968618393, 0.05636383220553398, 0.1146029531955719, 0.1603272706270218, 0.20197291672229767, 0.18612323701381683, 0.1460542231798172, 0.08014243841171265, 0.0010770914377644658, -0.06030673906207085, -0.10694954544305801, -0.10245554149150848, -0.08610537648200989, -0.0471111424267292, 0.0012094865087419748, 0.01629154570400715, 0.02182813547551632, -0.005817533005028963, -0.041847191751003265, -0.08741071075201035, -0.1194700226187706, -0.1212368831038475, -0.10233879089355469, -0.06144818663597107, -0.011807877570390701, 0.03464214876294136, 0.06905747950077057, 0.07852141559123993, 0.07935575395822525, 0.06445890665054321, 0.046134743839502335, 0.037004608660936356, 0.03619134798645973, 0.051940251141786575, 0.06789544969797134, 0.09319469332695007, 0.11637243628501892, 0.13068513572216034, 0.1423441767692566, 0.14135970175266266, 0.1364327222108841, 0.1204964742064476, 0.10125669836997986, 0.0892745777964592, 0.07169833034276962, 0.060130923986434937, 0.059929490089416504, 0.058308813720941544, 0.06256072968244553, 0.06574544310569763, 0.06819760054349899, 0.06508798897266388, 0.05342857539653778, 0.04304743930697441, 0.02581782080233097, 0.014992441050708294, 0.004182032309472561, 0.002626113360747695, 0.008149822242558002, 0.017905129119753838, 0.036191076040267944, 0.04903322085738182, 0.061993833631277084, 0.06681659072637558, 0.06413429230451584, 0.05325384438037872, 0.0408099964261055, 0.028345981612801552, 0.021728867664933205, 0.02336961217224598, 0.02536306343972683, 0.03586924448609352, 0.0426490493118763, 0.042162198573350906, 0.031729407608509064, 0.011555220931768417, -0.00784700270742178, -0.03422534465789795, -0.0549449659883976, -0.06961606442928314, -0.07675493508577347, -0.08158262819051743, -0.07997193932533264, -0.08312378078699112, -0.08473996073007584, -0.0976601094007492, -0.1081366240978241, -0.12065386027097702, -0.1350119262933731, -0.13871151208877563, -0.1493110954761505, -0.14670084416866302, -0.1535627245903015, -0.1483134925365448, -0.14960449934005737, -0.15698154270648956, -0.152141734957695, -0.1692267656326294, -0.17061491310596466, -0.1861841380596161, -0.19191038608551025, -0.19611111283302307, -0.18697291612625122, -0.1486002653837204, -0.11329919844865799, -0.05545028671622276, -0.004029384348541498, 0.05220397189259529, 0.083819180727005, 0.09033159166574478, 0.08733583986759186, 0.057356011122465134, 0.03641996160149574, 0.019967619329690933, 0.022920548915863037, 0.05022181198000908, 0.08164215832948685, 0.13172852993011475, 0.16664376854896545, 0.17425043880939484, 0.16034795343875885, 0.11680472642183304, 0.060367386788129807, -0.010368045419454575, -0.052942149341106415, -0.07716983556747437, -0.07825951278209686, -0.04627179354429245, -0.015099034644663334, 0.023627230897545815, 0.03391822800040245, 0.027866369113326073, 0.0004887391696684062, -0.04438473656773567, -0.07609772682189941, -0.09739230573177338, -0.09066449850797653, -0.06622126698493958, -0.020806187763810158, 0.029526138678193092, 0.06742054969072342, 0.08942626416683197, 0.0898975133895874, 0.07971145957708359, 0.06101105734705925, 0.04102689027786255, 0.03590374067425728, 0.04426037520170212, 0.06237272545695305, 0.08729290217161179, 0.11611198633909225, 0.13584952056407928, 0.14140133559703827, 0.14366883039474487, 0.1318870633840561, 0.11552108079195023, 0.09774778038263321, 0.08828377723693848, 0.07793673127889633, 0.07021816819906235, 0.07222618907690048, 0.07239370793104172, 0.07222648710012436, 0.07083313167095184, 0.06993497908115387, 0.06366710364818573, 0.054160576313734055, 0.047703817486763, 0.036835815757513046, 0.02850501798093319, 0.01671031303703785, 0.013814675621688366, 0.014493916183710098, 0.018127480521798134, 0.03051600605249405, 0.043488748371601105, 0.05648064240813255, 0.06321461498737335, 0.06623104214668274, 0.058631133288145065, 0.04613494500517845, 0.03320948779582977, 0.020327428355813026, 0.018759265542030334, 0.016116885468363762, 0.020766466856002808, 0.02971460670232773, 0.02971722185611725, 0.028818368911743164, 0.017232583835721016, 0.0005089404876343906, -0.022035235539078712, -0.0450846403837204, -0.060373518615961075, -0.07379769533872604, -0.07870523631572723, -0.07835841178894043, -0.08149148523807526, -0.08185642957687378, -0.08796069025993347, -0.09289103746414185, -0.11057344079017639, -0.11916623264551163, -0.129953995347023, -0.13854509592056274, -0.14024211466312408, -0.14546914398670197, -0.14303724467754364, -0.14507775008678436, -0.14318835735321045, -0.15062028169631958, -0.15819713473320007, -0.1673240065574646, -0.17565210163593292, -0.18185846507549286, -0.1846301108598709, -0.1572810262441635, -0.1286422461271286, -0.08035963028669357, -0.0289304181933403, 0.021056709811091423, 0.0655352994799614, 0.08231861889362335, 0.08493182063102722, 0.06493471562862396, 0.04111612215638161, 0.02091469243168831, 0.01593705266714096, 0.030945701524615288, 0.06211287900805473, 0.1131172776222229, 0.15315626561641693, 0.17597569525241852, 0.1751570999622345, 0.14318327605724335, 0.09295351058244705, 0.026146451011300087, -0.03166796267032623, -0.06637585908174515, -0.07929284125566483, -0.06050333380699158, -0.028342420235276222, 0.010970525443553925, 0.03594174608588219, 0.04286423325538635, 0.02584567293524742, -0.012529064901173115, -0.053467120975255966, -0.08879440277814865, -0.10012589395046234, -0.09696264564990997, -0.06655202805995941, -0.022454803809523582, 0.024304496124386787, 0.05695134028792381, 0.07793447375297546, 0.08241283893585205, 0.06875462830066681, 0.04956280067563057, 0.03413407504558563, 0.03255828842520714, 0.039523132145404816, 0.05857016146183014, 0.0865362137556076, 0.11079913377761841, 0.13248664140701294, 0.14083406329154968, 0.1412624567747116, 0.13163380324840546, 0.11585169285535812, 0.10335991531610489, 0.08651892095804214, 0.07455568015575409, 0.07002240419387817, 0.06773311644792557, 0.06690198928117752, 0.06370589882135391, 0.0674246996641159, 0.06503399461507797, 0.0592736154794693, 0.0509159080684185, 0.03885750472545624, 0.028763040900230408, 0.011407949030399323, 0.001209367299452424, -0.0029186555184423923, 0.0015445495955646038, 0.00959313940256834, 0.02427191287279129, 0.03952356055378914, 0.051157619804143906, 0.05331188812851906, 0.04808764532208443, 0.035852134227752686, 0.021347910165786743, 0.009645717218518257, 0.003146244678646326, 0.004534174222499132, 0.008176825940608978, 0.0177618395537138, 0.018066134303808212, 0.015659643337130547, 0.0034941278863698244, -0.013477169908583164, -0.030835894867777824, -0.052460189908742905, -0.06408239901065826, -0.07465017586946487, -0.07596410065889359, -0.07811900973320007, -0.07967790216207504, -0.08232563734054565, -0.09446857869625092, -0.1045595183968544, -0.12438031286001205, -0.13385847210884094, -0.15014877915382385, -0.15603548288345337, -0.16119572520256042, -0.16102473437786102, -0.15867984294891357, -0.15445519983768463, -0.1568450927734375, -0.1666014939546585, -0.16639600694179535, -0.1820155531167984, -0.17754636704921722, -0.16825871169567108, -0.13540019094944, -0.09278905391693115, -0.04801097512245178, 0.013248634524643421, 0.05099781975150108, 0.08436298370361328, 0.0839790552854538, 0.07811813056468964, 0.05411805585026741, 0.028227142989635468, 0.025880437344312668, 0.0299700815230608, 0.057343825697898865, 0.09684251993894577, 0.1363803893327713, 0.16630689799785614, 0.16611537337303162, 0.14835847914218903, 0.10500815510749817, 0.04361402615904808, -0.010198011994361877, -0.05476127937436104, -0.07209650427103043, -0.07111959159374237, -0.04541519284248352, -0.011333312839269638, 0.011718688532710075, 0.026402465999126434, 0.015341542661190033, -0.008202423341572285, -0.048128049820661545, -0.0825597271323204, -0.10194089263677597, -0.10280108451843262, -0.08067385852336884, -0.04362424835562706, 0.0027975812554359436, 0.0402606837451458, 0.06939978152513504, 0.0775957778096199, 0.07554737478494644, 0.06039320304989815, 0.04722462594509125, 0.04170892387628555, 0.042230408638715744, 0.05665263906121254, 0.0786111131310463, 0.10592927783727646, 0.12545956671237946, 0.13876871764659882, 0.14403267204761505, 0.13602550327777863, 0.12609083950519562, 0.10789818316698074, 0.09278678894042969, 0.07920120656490326, 0.06746610999107361, 0.061474379152059555, 0.056774333119392395, 0.054957251995801926, 0.05506253242492676, 0.05309124290943146, 0.046949271112680435, 0.03887868672609329, 0.02855275757610798, 0.015505707822740078, 0.0029087483417242765, -0.00886935368180275, -0.01414742972701788, -0.012472325004637241, -0.00629536435008049, 0.0048203011974692345, 0.018867960199713707, 0.027960896492004395, 0.030255362391471863, 0.031467337161302567, 0.02155137248337269, 0.016058363020420074, 0.008023309521377087, 0.004874404054135084, 0.004973967559635639, 0.006058253813534975, 0.0102311372756958, 0.009064811281859875, 0.007223646622151136, -0.0010314835235476494, -0.011673525907099247, -0.027706945315003395, -0.04266861826181412, -0.055464718490839005, -0.06684072315692902, -0.0771358385682106, -0.08298203349113464, -0.09089279919862747, -0.10234207659959793, -0.11436596512794495, -0.12621425092220306, -0.14040404558181763, -0.1534326821565628, -0.1623886525630951, -0.16880331933498383, -0.17120932042598724, -0.17564572393894196, -0.17105093598365784, -0.17812004685401917, -0.18039003014564514, -0.1849462389945984, -0.17642763257026672, -0.15925954282283783, -0.14215317368507385, -0.09076406806707382, -0.05505285784602165, 0.0018788394518196583, 0.031531840562820435, 0.06626053154468536, 0.07594426721334457, 0.06653428077697754, 0.06153370440006256, 0.04096728563308716, 0.04480505362153053, 0.046956684440374374, 0.0764629915356636, 0.10693026334047318, 0.1324021965265274, 0.15664683282375336, 0.15313203632831573, 0.13476289808750153, 0.09118922054767609, 0.044528037309646606, -0.00044724426697939634, -0.04108713939785957, -0.05592853203415871, -0.059592921286821365, -0.04445456340909004, -0.026188423857092857, -0.013879851438105106, -0.008227581158280373, -0.02170448936522007, -0.04146997630596161, -0.06915672868490219, -0.08953975886106491, -0.10142000019550323, -0.0977189764380455, -0.0777718648314476, -0.04643087461590767, -0.015622143633663654, 0.014189984649419785, 0.03361918404698372, 0.04677031934261322, 0.047083064913749695, 0.04493589699268341, 0.049465201795101166, 0.05111421272158623, 0.06463347375392914, 0.07703409343957901, 0.09946665167808533, 0.11603987216949463, 0.13062958419322968, 0.14048035442829132, 0.14076608419418335, 0.13818228244781494, 0.13124461472034454, 0.12095966190099716, 0.10789065808057785, 0.09790568053722382, 0.08345875144004822, 0.07182347029447556, 0.057646285742521286, 0.047734953463077545, 0.03829794004559517, 0.03059658408164978, 0.0241862740367651, 0.015940045937895775, 0.008235405199229717, -0.0059138075448572636, -0.014903885312378407, -0.02698468416929245, -0.03536143898963928, -0.038780007511377335, -0.03786603733897209, -0.02997308038175106, -0.02050967328250408, -0.011897760443389416, -0.0013621712569147348, 0.002390829147771001, 0.0026694368571043015, -0.00034057509037666023, -0.0038823653012514114, -0.007407467346638441, -0.0075251031666994095, -0.00980021059513092, -0.007789728697389364, -0.006672613322734833, -0.007629232481122017, -0.010211107321083546, -0.01465017069131136, -0.02269132249057293, -0.03607641160488129, -0.04899048060178757, -0.06604530662298203, -0.07936297357082367, -0.09317179769277573, -0.10509879142045975, -0.1132916733622551, -0.12914401292800903, -0.13305409252643585, -0.14202715456485748, -0.14836618304252625, -0.15682263672351837, -0.16074123978614807, -0.16815927624702454, -0.17742721736431122, -0.18245254456996918, -0.18778657913208008, -0.18779529631137848, -0.17790134251117706, -0.1585308164358139, -0.1227186918258667, -0.08866769820451736, -0.04498664662241936, 0.0011118485126644373, 0.034137386828660965, 0.05741084739565849, 0.0630398765206337, 0.06841494888067245, 0.05733725428581238, 0.05539032444357872, 0.05580219253897667, 0.0705488994717598, 0.0930599793791771, 0.11492490023374557, 0.1403970569372177, 0.14661048352718353, 0.14190557599067688, 0.11930853873491287, 0.0857534110546112, 0.04250863194465637, 0.00614676671102643, -0.019959867000579834, -0.037072163075208664, -0.04072913900017738, -0.0355650819838047, -0.02685629203915596, -0.025168973952531815, -0.028397182002663612, -0.04018336907029152, -0.05475425347685814, -0.07243192195892334, -0.0842251181602478, -0.0871320366859436, -0.08093634992837906, -0.0645265206694603, -0.04429879039525986, -0.01836879923939705, 0.0019388491054996848, 0.021136576309800148, 0.03498349338769913, 0.0460614338517189, 0.05251559242606163, 0.060177743434906006, 0.06878133118152618, 0.07853082567453384, 0.09045861661434174, 0.10459312796592712, 0.12098563462495804, 0.13175956904888153, 0.14645545184612274, 0.15239150822162628, 0.1579795777797699, 0.1540985405445099, 0.14823414385318756, 0.13143427670001984, 0.11149042844772339, 0.09303774684667587, 0.07083272933959961, 0.05651920661330223, 0.043556541204452515, 0.03918023407459259, 0.03438383713364601, 0.03134072571992874, 0.026475511491298676, 0.01765543222427368, 0.008232253603637218, -0.006658820901066065, -0.020276155322790146, -0.03138893097639084, -0.035606469959020615, -0.033431947231292725, -0.026529710739850998, -0.014540654607117176, -0.0025593391619622707, 0.006398966070264578, 0.01086208876222372, 0.008453265763819218, 0.005933812353760004, -0.002705947495996952, -0.006735312752425671, -0.012974397279322147, -0.013558778911828995, -0.015258087776601315, -0.011200402863323689, -0.010806767269968987, -0.013441461138427258, -0.017745191231369972, -0.030548162758350372, -0.04345663636922836, -0.06344162672758102, -0.0790884792804718, -0.0979158952832222, -0.1072981059551239, -0.11820552498102188, -0.12386774271726608, -0.1284952014684677, -0.13455532491207123, -0.13756857812404633, -0.14807520806789398, -0.15566344559192657, -0.16514970362186432, -0.17135854065418243, -0.17996810376644135, -0.17507420480251312, -0.1616797298192978, -0.13801869750022888, -0.10470753908157349, -0.06540586054325104, -0.02230040170252323, 0.016465233638882637, 0.04800589755177498, 0.07120893895626068, 0.08083420246839523, 0.0791947990655899, 0.07693669199943542, 0.07789106667041779, 0.07700688391923904, 0.09115822613239288, 0.11150293797254562, 0.13235816359519958, 0.14876613020896912, 0.15434210002422333, 0.14881134033203125, 0.12531940639019012, 0.09110409021377563, 0.050537705421447754, 0.013447665609419346, -0.01897590421140194, -0.03801773861050606, -0.04006907343864441, -0.04011790081858635, -0.029869191348552704, -0.023444555699825287, -0.021457774564623833, -0.02785656787455082, -0.04262441024184227, -0.0574602410197258, -0.06686317920684814, -0.07298388332128525, -0.07004609704017639, -0.05371308699250221, -0.030071889981627464, -0.005122880917042494, 0.021325312554836273, 0.04319550096988678, 0.05859535560011864, 0.0690356120467186, 0.06871069967746735, 0.07709699124097824, 0.07921312004327774, 0.08628285676240921, 0.09572126716375351, 0.11046475917100906, 0.12549933791160583, 0.1405639350414276, 0.1528557687997818, 0.1577465981245041, 0.1609814465045929, 0.15331105887889862, 0.14094670116901398, 0.12607763707637787, 0.1045738086104393, 0.08819594979286194, 0.07212197035551071, 0.05849717929959297, 0.048750098794698715, 0.043867822736501694, 0.03947648033499718, 0.03280729427933693, 0.029195165261626244, 0.01939401589334011, 0.008676057681441307, -0.006618537940084934, -0.019646339118480682, -0.026126347482204437, -0.03061102144420147, -0.02567705512046814, -0.018868759274482727, -0.004177465103566647, 0.0067999535240232944, 0.017004767432808876, 0.01952667161822319, 0.01788107119500637, 0.010552268475294113, 0.0006537801818922162, -0.011076211929321289, -0.017922086641192436, -0.022602969780564308, -0.020597588270902634, -0.019681241363286972, -0.016440099105238914, -0.018752777948975563, -0.029808321967720985, -0.04493260383605957, -0.06692726910114288, -0.08847643435001373, -0.11353979259729385, -0.12999717891216278, -0.14064453542232513, -0.1478298455476761, -0.14945195615291595, -0.14832933247089386, -0.14855188131332397, -0.15602147579193115, -0.16227513551712036, -0.1713312417268753, -0.1815141886472702, -0.18950751423835754, -0.18220704793930054, -0.16691987216472626, -0.13233156502246857, -0.0946042612195015, -0.0461752787232399, -0.001707758754491806, 0.03826348856091499, 0.06589900702238083, 0.0762999877333641, 0.08235588669776917, 0.07482508569955826, 0.07407717406749725, 0.06831905990839005, 0.07944886386394501, 0.09572792798280716, 0.1196693554520607, 0.1396448016166687, 0.15511250495910645, 0.15861524641513824, 0.14285452663898468, 0.11458583921194077, 0.07202552258968353, 0.030794033780694008, -0.007380576338618994, -0.03184080496430397, -0.047647103667259216, -0.04575743153691292, -0.036807529628276825, -0.02594737708568573, -0.021438151597976685, -0.024389881640672684, -0.03353911265730858, -0.05203124135732651, -0.0692860558629036, -0.08446117490530014, -0.08416947722434998, -0.07881290465593338, -0.05616028606891632, -0.029490455985069275, 0.0009267764980904758, 0.028195349499583244, 0.049002714455127716, 0.06209327653050423, 0.0659501776099205, 0.07189098000526428, 0.07217555493116379, 0.07746592164039612, 0.08775294572114944, 0.10076560825109482, 0.11647003889083862, 0.13251182436943054, 0.14878422021865845, 0.15553602576255798, 0.1563720405101776, 0.15074579417705536, 0.14027342200279236, 0.1215280294418335, 0.10165441036224365, 0.08523648232221603, 0.06878288090229034, 0.054320208728313446, 0.04498180374503136, 0.03669038787484169, 0.02971355803310871, 0.02412005327641964, 0.01695123128592968, 0.008037123829126358, 0.0018645002273842692, -0.007596379145979881, -0.01697448082268238, -0.024543264880776405, -0.027007481083273888, -0.02519703283905983, -0.02425525337457657, -0.015600989572703838, -0.00658615306019783, 0.0033142680767923594, 0.006303092930465937, 0.010192835703492165, 0.008400999940931797, 0.00028016851865686476, -0.004542844370007515, -0.015497983433306217, -0.015074671246111393, -0.02482958883047104, -0.022801265120506287, -0.028146326541900635, -0.037093229591846466, -0.04780475050210953, -0.0625835508108139, -0.07769165188074112, -0.10305997729301453, -0.11268571764230728, -0.13059715926647186, -0.14113463461399078, -0.151825413107872, -0.1561981737613678, -0.16480253636837006, -0.17333415150642395, -0.18252143263816833, -0.18351143598556519, -0.19252555072307587, -0.19426025450229645, -0.18249303102493286, -0.17052018642425537, -0.13966234028339386, -0.11227772384881973, -0.06472864001989365, -0.034060943871736526, 0.012658202089369297, 0.03830448538064957, 0.061518553644418716, 0.07493528723716736, 0.08046415448188782, 0.08976796269416809, 0.08879578858613968, 0.10190784931182861, 0.11461343616247177, 0.1344224065542221, 0.1464892476797104, 0.1612159013748169, 0.16136781871318817, 0.15097524225711823, 0.1279921978712082, 0.09343624860048294, 0.05801791325211525, 0.020404990762472153, -0.004250384401530027, -0.026526499539613724, -0.0321931466460228, -0.03453799709677696, -0.030736690387129784, -0.030266284942626953, -0.03747713565826416, -0.04497138410806656, -0.062764011323452, -0.0770987793803215, -0.08899369835853577, -0.08981862664222717, -0.08274676650762558, -0.06459127366542816, -0.03989409655332565, -0.014485779218375683, 0.008402328006923199, 0.029178112745285034, 0.041087403893470764, 0.04929395392537117, 0.05528900399804115, 0.06686124950647354, 0.07452841103076935, 0.09012165665626526, 0.10922723263502121, 0.13125121593475342, 0.14694775640964508, 0.16086037456989288, 0.17060311138629913, 0.16555695235729218, 0.15956583619117737, 0.1445799022912979, 0.13078206777572632, 0.11247140914201736, 0.09848044067621231, 0.08548927307128906, 0.0730806365609169, 0.061099823564291, 0.0509662963449955, 0.041590914130210876, 0.030088461935520172, 0.018559055402874947, 0.008293471299111843, -0.005848882719874382, -0.01495223119854927, -0.022534074261784554, -0.031700823456048965, -0.03400282934308052, -0.030089566484093666, -0.026502683758735657, -0.01705886796116829, -0.00820604246109724, -0.0012777609517797828, 0.0011498121311888099, -0.0009058693540282547, -0.0037074368447065353, -0.013220036402344704, -0.015568382106721401, -0.019670050591230392, -0.013848413713276386, -0.020059285685420036, -0.01512837316840887, -0.020143548026680946, -0.03043276257812977, -0.049762874841690063, -0.06618060916662216, -0.08441353589296341, -0.1047024130821228, -0.11841284483671188, -0.13025526702404022, -0.13557995855808258, -0.15062522888183594, -0.16165632009506226, -0.17053140699863434, -0.19108699262142181, -0.2036934345960617, -0.21758875250816345, -0.21530386805534363, -0.22123926877975464, -0.1982855200767517, -0.1722603440284729, -0.13545148074626923, -0.09987274557352066, -0.057476554065942764, -0.01750335283577442, 0.005065735895186663, 0.027162795886397362, 0.04261379316449165, 0.051308851689100266, 0.057612840086221695, 0.0749504342675209, 0.09468245506286621, 0.1171572133898735, 0.1453389674425125, 0.17123101651668549, 0.18302729725837708, 0.18716798722743988, 0.1735295057296753, 0.15008051693439484, 0.11206675320863724, 0.07913694530725479, 0.04484366998076439, 0.02032344788312912, 0.006631782278418541, 0.003126793075352907, 0.0012933285906910896, -0.004886736162006855, -0.0077478340826928616, -0.02482045255601406, -0.04507943242788315, -0.06953095644712448, -0.08563181757926941, -0.10146161913871765, -0.10061849653720856, -0.09179861843585968, -0.07510824501514435, -0.05309726297855377, -0.03184559941291809, -0.011503643356263638, -0.0024391869083046913, 0.010241717100143433, 0.015674682334065437, 0.026592686772346497, 0.03400302305817604, 0.048015959560871124, 0.070616714656353, 0.08798908442258835, 0.11455453187227249, 0.13089849054813385, 0.15040454268455505, 0.16052807867527008, 0.16415806114673615, 0.16010914742946625, 0.14949771761894226, 0.14539159834384918, 0.12519803643226624, 0.11166162043809891, 0.09908667206764221, 0.09165145456790924, 0.07737375795841217, 0.06383510679006577, 0.058440130203962326, 0.047292374074459076, 0.028669437393546104, 0.016657499596476555, 0.00379428849555552, -0.01199082937091589, -0.02602255716919899, -0.031212324276566505, -0.03629320114850998, -0.037735603749752045, -0.030107267200946808, -0.023146502673625946, -0.01565118320286274, -0.01181994192302227, -0.006358375772833824, -0.010761996731162071, -0.019402045756578445, -0.024665936827659607, -0.026377424597740173, -0.030232025310397148, -0.030007192865014076, -0.024353384971618652, -0.02187659777700901, -0.02362711727619171, -0.03167172521352768, -0.04699230566620827, -0.06214843690395355, -0.08193017542362213, -0.09928403794765472, -0.1150541827082634, -0.12648962438106537, -0.13042719662189484, -0.1464935839176178, -0.1570778340101242, -0.17242509126663208, -0.18178905546665192, -0.20084358751773834, -0.21135853230953217, -0.21105527877807617, -0.2100488841533661, -0.19925013184547424, -0.18075567483901978, -0.1512596160173416, -0.12190353870391846, -0.09085196256637573, -0.053026605397462845, -0.0201252494007349, 0.0042096455581486225, 0.03686824068427086, 0.05372336879372597, 0.0718691349029541, 0.08120377361774445, 0.1021353080868721, 0.11158644407987595, 0.11978429555892944, 0.14210699498653412, 0.15408118069171906, 0.16964608430862427, 0.16586220264434814, 0.17130768299102783, 0.15171697735786438, 0.12411683797836304, 0.09116435796022415, 0.05509316921234131, 0.02922380156815052, 0.0037744473665952682, -0.001973296282812953, -0.00962839275598526, -0.007006166037172079, -0.009426716715097427, -0.019566349685192108, -0.035994164645671844, -0.06244400143623352, -0.07518285512924194, -0.09432908147573471, -0.09239107370376587, -0.08743856847286224, -0.06639311462640762, -0.04812579229474068, -0.024933993816375732, -0.006667804438620806, 0.005606520920991898, 0.013659887947142124, 0.018977396190166473, 0.030528046190738678, 0.03759688511490822, 0.061328545212745667, 0.0817520022392273, 0.1121082603931427, 0.12857861816883087, 0.15426583588123322, 0.1687120795249939, 0.16923709213733673, 0.1658545434474945, 0.1586417555809021, 0.14980725944042206, 0.12913987040519714, 0.11907029896974564, 0.11167972534894943, 0.09822077304124832, 0.08614381402730942, 0.07425244152545929, 0.06449409574270248, 0.053869061172008514, 0.03739747405052185, 0.028477206826210022, 0.01244763657450676, -0.0007340225274674594, -0.012349788099527359, -0.02354240231215954, -0.031081706285476685, -0.03491083160042763, -0.025673436000943184, -0.024692004546523094, -0.0146857975050807, -0.007290707901120186, -0.003517989069223404, -0.007537841796875, -0.016566554084420204, -0.019806167110800743, -0.027524949982762337, -0.03057720698416233, -0.02903135120868683, -0.025592556223273277, -0.02508028969168663, -0.023258866742253304, -0.02668640948832035, -0.04287952929735184, -0.05992360785603523, -0.07461770623922348, -0.09259278327226639, -0.1070588007569313, -0.11897578835487366, -0.12079992890357971, -0.13695131242275238, -0.15325559675693512, -0.16741210222244263, -0.18177269399166107, -0.2084222137928009, -0.20989270508289337, -0.2182779163122177, -0.20694366097450256, -0.20818835496902466, -0.17203541100025177, -0.15466581284999847, -0.12282004207372665, -0.09678999334573746, -0.0615740530192852, -0.02380397357046604, -0.010997476056218147, 0.03380344435572624, 0.04734579473733902, 0.07152210921049118, 0.08171072602272034, 0.10652829706668854, 0.11738806217908859, 0.12764543294906616, 0.15423546731472015, 0.16278555989265442, 0.17965835332870483, 0.17307278513908386, 0.18114694952964783, 0.1578073650598526, 0.13195346295833588, 0.10125336796045303, 0.07695077359676361, 0.04655495658516884, 0.02799772471189499, 0.022989192977547646, 0.014103059656918049, 0.009363755583763123, 0.0009489018120802939, -0.013106215745210648, -0.03561083972454071, -0.059396445751190186, -0.07514846324920654, -0.08454091101884842, -0.08513767272233963, -0.0776621475815773, -0.05803660303354263, -0.04753436520695686, -0.029076330363750458, -0.020349377766251564, -0.01135657262057066, -0.007961695082485676, -0.0011493206257000566, 0.014271273277699947, 0.029614560306072235, 0.05764561891555786, 0.08210963010787964, 0.11469704657793045, 0.13107548654079437, 0.14882875978946686, 0.1630421280860901, 0.16678392887115479, 0.16223129630088806, 0.1608239859342575, 0.1572204977273941, 0.15129373967647552, 0.13711290061473846, 0.1313471645116806, 0.12058395892381668, 0.10614604502916336, 0.08789948374032974, 0.07741464674472809, 0.0660480335354805, 0.0504220612347126, 0.03780163452029228, 0.023695895448327065, 0.008781598880887032, -0.008523986674845219, -0.019213898107409477, -0.031795401126146317, -0.034489989280700684, -0.02899988554418087, -0.021154923364520073, -0.013133829459547997, -0.010196651332080364, -0.005551143083721399, -0.013088825158774853, -0.02272559516131878, -0.03187573328614235, -0.03430871665477753, -0.032729461789131165, -0.02876739203929901, -0.018073203042149544, -0.012239189818501472, -0.01248788833618164, -0.019581761211156845, -0.03446657210588455, -0.05693792924284935, -0.07495593279600143, -0.0869688019156456, -0.09553656727075577, -0.10151738673448563, -0.1085723489522934, -0.10941910743713379, -0.1289645880460739, -0.14893805980682373, -0.16979706287384033, -0.1877259910106659, -0.2026578187942505, -0.21002055704593658, -0.20432361960411072, -0.19926951825618744, -0.18518215417861938, -0.1638784408569336, -0.14344298839569092, -0.1172402873635292, -0.08898996561765671, -0.05156545341014862, -0.013135673478245735, 0.009994076564908028, 0.045328106731176376, 0.05822506174445152, 0.0709996223449707, 0.07930678874254227, 0.08893674612045288, 0.10859990864992142, 0.12194129824638367, 0.1602809876203537, 0.16878338158130646, 0.19189317524433136, 0.18244479596614838, 0.17029650509357452, 0.13770310580730438, 0.09940966963768005, 0.06935971230268478, 0.04364630952477455, 0.03059818409383297, 0.02510504610836506, 0.030141696333885193, 0.0272203516215086, 0.018489349633455276, 0.003760594641789794, -0.026432916522026062, -0.055923640727996826, -0.0825258418917656, -0.09684287011623383, -0.09657624363899231, -0.0900711938738823, -0.0691920816898346, -0.04592600837349892, -0.03351155295968056, -0.025098390877246857, -0.02317047119140625, -0.024757634848356247, -0.03467969968914986, -0.02164403721690178, -0.007227910682559013, 0.02078857645392418, 0.05801214650273323, 0.09119153022766113, 0.12409134954214096, 0.14134244620800018, 0.1541544646024704, 0.1579357236623764, 0.14862971007823944, 0.14274542033672333, 0.14186988770961761, 0.14065687358379364, 0.13574080169200897, 0.1353611797094345, 0.1382131427526474, 0.12629081308841705, 0.11568310856819153, 0.0984807163476944, 0.08293715864419937, 0.06572522968053818, 0.04108466953039169, 0.02927909418940544, 0.009146503172814846, 0.0004742802120745182, -0.011974995024502277, -0.01809707097709179, -0.020575033500790596, -0.01536050159484148, -0.014373897574841976, -0.01826748624444008, -0.013629321940243244, -0.018759803846478462, -0.02276327833533287, -0.03401540592312813, -0.03486325964331627, -0.037647854536771774, -0.03660851716995239, -0.031285353004932404, -0.022637832909822464, -0.01864045113325119, -0.021905530244112015, -0.021762019023299217, -0.035861846059560776, -0.05550163611769676, -0.06264837831258774, -0.08090346306562424, -0.09012220799922943, -0.10649771988391876, -0.10590973496437073, -0.12071570008993149, -0.12643875181674957, -0.14094549417495728, -0.15524186193943024, -0.16780667006969452, -0.18511579930782318, -0.1954725831747055, -0.20668929815292358, -0.20537030696868896, -0.1993032544851303, -0.19038063287734985, -0.17527839541435242, -0.15114858746528625, -0.12253142148256302, -0.09126704931259155, -0.058230508118867874, -0.014629987068474293, 0.011719916015863419, 0.0411866158246994, 0.06406208127737045, 0.07763606309890747, 0.08275295794010162, 0.08836717903614044, 0.10848940908908844, 0.12084272503852844, 0.13971437513828278, 0.16738566756248474, 0.18285350501537323, 0.18924351036548615, 0.16676065325737, 0.1536635309457779, 0.10905635356903076, 0.07582992315292358, 0.04480523616075516, 0.029902564361691475, 0.021401582285761833, 0.02318921685218811, 0.027885979041457176, 0.0182348620146513, 0.005229430738836527, -0.019412241876125336, -0.04648289084434509, -0.07647700607776642, -0.09427371621131897, -0.09919985383749008, -0.08980313688516617, -0.07160958647727966, -0.05075779929757118, -0.03369676694273949, -0.026710277423262596, -0.023053916171193123, -0.030612245202064514, -0.03139657527208328, -0.026867810636758804, -0.007687678094953299, 0.011566692031919956, 0.051506005227565765, 0.0847974643111229, 0.11789169907569885, 0.1385156214237213, 0.15357349812984467, 0.1555929332971573, 0.1493271440267563, 0.14917531609535217, 0.1427200436592102, 0.14840857684612274, 0.14580653607845306, 0.15370166301727295, 0.1495617777109146, 0.14486363530158997, 0.12849411368370056, 0.11466124653816223, 0.08693528920412064, 0.06560639292001724, 0.04847919940948486, 0.03481631726026535, 0.021762613207101822, 0.01610790193080902, 0.009928674437105656, 0.002156703034415841, -0.006328890100121498, -0.010810397565364838, -0.01535914558917284, -0.017763102427124977, -0.01754421554505825, -0.01634509302675724, -0.017257997766137123, -0.01992875523865223, -0.015597431920468807, -0.0203841682523489, -0.021290747448801994, -0.016718201339244843, -0.016906794160604477, -0.018872123211622238, -0.021472061052918434, -0.024322962388396263, -0.026683654636144638, -0.03909450024366379, -0.04310600832104683, -0.056059498339891434, -0.06271199136972427, -0.08083811402320862, -0.09295324981212616, -0.10890087485313416, -0.12455328553915024, -0.1373208910226822, -0.15794387459754944, -0.1639053374528885, -0.17209626734256744, -0.18448428809642792, -0.1885233372449875, -0.19232375919818878, -0.1948903352022171, -0.20684422552585602, -0.19884365797042847, -0.18876001238822937, -0.1537102311849594, -0.12096797674894333, -0.07015059888362885, -0.018268287181854248, 0.018222982063889503, 0.04346507787704468, 0.04987924546003342, 0.05280458927154541, 0.038777682930231094, 0.06076488271355629, 0.07826297730207443, 0.11726909130811691, 0.15750929713249207, 0.19771985709667206, 0.21847449243068695, 0.20422008633613586, 0.18148308992385864, 0.14376138150691986, 0.10649648308753967, 0.06836461275815964, 0.05238540470600128, 0.05950687453150749, 0.05984662473201752, 0.06940119713544846, 0.059695661067962646, 0.03717242181301117, 0.0041275168769061565, -0.03593035414814949, -0.071941077709198, -0.09698791056871414, -0.09699697047472, -0.08923695981502533, -0.07140887528657913, -0.053544532507658005, -0.04927900806069374, -0.0457133986055851, -0.05374355614185333, -0.06266080588102341, -0.06659086048603058, -0.06490842998027802, -0.04454292356967926, -0.02556467056274414, 0.010543721728026867, 0.04111339896917343, 0.08082272112369537, 0.10050753504037857, 0.12639819085597992, 0.13559718430042267, 0.1416568160057068, 0.14085020124912262, 0.14201398193836212, 0.1481478363275528, 0.15444524586200714, 0.16812948882579803, 0.17623582482337952, 0.18663397431373596, 0.17720192670822144, 0.16056664288043976, 0.14251480996608734, 0.10937964916229248, 0.08461537957191467, 0.06040922924876213, 0.04717835783958435, 0.0459863543510437, 0.038796018809080124, 0.03710518777370453, 0.020724961534142494, 0.010424353182315826, -0.01572711206972599, -0.026313571259379387, -0.038956571370363235, -0.03850945830345154, -0.021576568484306335, -0.006590103730559349, 0.003988910932093859, 0.003256837837398052, 0.0035099321976304054, -0.005322522483766079, -0.019446825608611107, -0.03044828213751316, -0.027227051556110382, -0.01602179743349552, -0.01293714065104723, -0.0034527403768152, -0.003916884306818247, -0.00828695297241211, -0.02195935882627964, -0.03602930158376694, -0.058209314942359924, -0.07144973427057266, -0.07976357638835907, -0.08541259169578552, -0.10176391154527664, -0.11843899637460709, -0.1330375224351883, -0.16083386540412903, -0.18458569049835205, -0.20545974373817444, -0.21158546209335327, -0.2168370932340622, -0.2153063267469406, -0.22173435986042023, -0.22993528842926025, -0.22904741764068604, -0.21895377337932587, -0.19598384201526642, -0.1665320098400116, -0.10928207635879517, -0.051966339349746704, -0.01057435292750597, 0.005930027458816767, 0.019261203706264496, 0.019829459488391876, 0.018423032015562057, 0.03702356293797493, 0.06660374253988266, 0.11487478762865067, 0.16750451922416687, 0.2119314819574356, 0.2235001176595688, 0.21086187660694122, 0.18654687702655792, 0.15395380556583405, 0.11449986696243286, 0.09006094187498093, 0.08712125569581985, 0.09867168962955475, 0.1029273271560669, 0.09998419880867004, 0.07805600017309189, 0.03714189678430557, -0.005197498016059399, -0.0553157739341259, -0.09344660490751266, -0.11007434129714966, -0.09643631428480148, -0.07799100130796432, -0.07071229070425034, -0.05806759372353554, -0.06572366505861282, -0.0774264931678772, -0.10528592020273209, -0.11776575446128845, -0.1174817606806755, -0.09600748121738434, -0.06549801677465439, -0.02989117242395878, 0.0026646500919014215, 0.03702555224299431, 0.06052285060286522, 0.07141754776239395, 0.08016878366470337, 0.09529189020395279, 0.11150356382131577, 0.12395510822534561, 0.1460292786359787, 0.1691536158323288, 0.19154863059520721, 0.2041764259338379, 0.2089080959558487, 0.2012632042169571, 0.18768316507339478, 0.16988706588745117, 0.14790675044059753, 0.12936337292194366, 0.11256634443998337, 0.11351186037063599, 0.09456601738929749, 0.08136069029569626, 0.06541306525468826, 0.04570305719971657, 0.022162960842251778, -0.005537716671824455, -0.013846145011484623, -0.025829637423157692, -0.027859695255756378, -0.0237771887332201, -0.018995391204953194, -0.018336720764636993, -0.016120670363307, -0.012231659144163132, -0.017872890457510948, -0.025674214586615562, -0.016001688316464424, -0.019645556807518005, -0.011354031972587109, -0.004146969877183437, 0.0025550529826432467, 0.009146775119006634, 0.0048518399707973, 0.006825246382504702, -0.004586861468851566, -0.009300043806433678, -0.023953596130013466, -0.03078320622444153, -0.04082256555557251, -0.05323198810219765, -0.054369017481803894, -0.06948474049568176, -0.08978790789842606, -0.10742276906967163, -0.12865325808525085, -0.14615097641944885, -0.17672735452651978, -0.1997302621603012, -0.21172396838665009, -0.22250773012638092, -0.22311772406101227, -0.22330845892429352, -0.22036625444889069, -0.2280517816543579, -0.2327718734741211, -0.220636785030365, -0.2087618112564087, -0.1697864681482315, -0.1359953135251999, -0.0766693577170372, -0.027319200336933136, 0.014035741798579693, 0.028623374179005623, 0.032238658517599106, 0.03719068691134453, 0.056554678827524185, 0.08328322321176529, 0.11131175607442856, 0.1603057086467743, 0.20453698933124542, 0.2242404818534851, 0.21647362411022186, 0.18455684185028076, 0.15262985229492188, 0.12163837999105453, 0.1084836795926094, 0.09694796055555344, 0.10367424041032791, 0.1074160486459732, 0.10439199209213257, 0.07364482432603836, 0.023162756115198135, -0.02468026429414749, -0.0596189983189106, -0.08178291469812393, -0.095256507396698, -0.08926406502723694, -0.07949313521385193, -0.06690152734518051, -0.07789971679449081, -0.08839762210845947, -0.10081427544355392, -0.10259238630533218, -0.09858329594135284, -0.0837174579501152, -0.06061336770653725, -0.037909556180238724, -0.002164230216294527, 0.011745641939342022, 0.032919857650995255, 0.047441739588975906, 0.07157774269580841, 0.09610360115766525, 0.11068034917116165, 0.1295044869184494, 0.1367964893579483, 0.16186141967773438, 0.16861672699451447, 0.18206502497196198, 0.18984758853912354, 0.19706934690475464, 0.20369398593902588, 0.19149167835712433, 0.17610597610473633, 0.14620570838451385, 0.13040225207805634, 0.10904613137245178, 0.0960589051246643, 0.08311068266630173, 0.07513292133808136, 0.0667848214507103, 0.038579683750867844, 0.0166077371686697, -0.010284943506121635, -0.016593193635344505, -0.02498481050133705, -0.026712976396083832, -0.01828104816377163, -0.006447556894272566, 0.0003546429506968707, -0.019239582121372223, -0.027787575498223305, -0.0331510491669178, -0.023405998945236206, -0.008746023289859295, 0.0010751973604783416, 0.02554474212229252, 0.03671185299754143, 0.04562855139374733, 0.026530638337135315, 0.012994402088224888, 0.0006538387970067561, -0.003232005052268505, 0.0024415517691522837, -0.0041891587898135185, 0.00020391307771205902, -0.0117800896987319, -0.022417515516281128, -0.05502696335315704, -0.07750827074050903, -0.09851629287004471, -0.10723641514778137, -0.11685500293970108, -0.13301344215869904, -0.1363763064146042, -0.16752751171588898, -0.17788633704185486, -0.21447691321372986, -0.2287856489419937, -0.231527641415596, -0.23270316421985626, -0.2221529334783554, -0.23672281205654144, -0.2275414615869522, -0.23595388233661652, -0.21982713043689728, -0.19021853804588318, -0.16318286955356598, -0.10826462507247925, -0.05662187561392784, -0.009498635306954384, 0.014229857362806797, 0.00468966132029891, 0.02535202167928219, 0.030558785423636436, 0.060572266578674316, 0.08597435802221298, 0.1290367841720581, 0.1694391369819641, 0.19739212095737457, 0.20130424201488495, 0.1722586750984192, 0.14020240306854248, 0.12343331426382065, 0.10089968889951706, 0.09482339024543762, 0.09061360359191895, 0.10035821795463562, 0.09295424818992615, 0.06532958894968033, 0.02508796937763691, -0.01649206317961216, -0.05556498095393181, -0.0761360302567482, -0.08724841475486755, -0.0894404724240303, -0.08210223913192749, -0.07036057859659195, -0.06986632943153381, -0.08529626578092575, -0.0927407294511795, -0.09781656414270401, -0.08881604671478271, -0.08590210229158401, -0.06533149629831314, -0.04262708127498627, -0.010367654263973236, 0.008332927711308002, 0.028414715081453323, 0.03667097166180611, 0.0562252551317215, 0.07220003008842468, 0.08292777836322784, 0.09882602095603943, 0.12005866318941116, 0.14365164935588837, 0.1611262708902359, 0.1692729890346527, 0.17127647995948792, 0.17009766399860382, 0.17669135332107544, 0.16555438935756683, 0.15699903666973114, 0.1405797302722931, 0.13510464131832123, 0.11717680841684341, 0.10400489717721939, 0.09155503660440445, 0.08502095937728882, 0.07019936293363571, 0.05359707772731781, 0.03474203124642372, 0.01770537905395031, -0.0060517750680446625, -0.015614178031682968, -0.018780922517180443, -0.01684480346739292, -0.010208155028522015, 0.003953832201659679, 0.012326393276453018, 0.0017127379542216659, 0.007584360893815756, 0.005685728508979082, 0.011652693152427673, 0.008260485716164112, 0.021103909239172935, 0.03921666368842125, 0.04793713241815567, 0.05679897964000702, 0.06105886027216911, 0.04972892254590988, 0.04208717495203018, 0.019838009029626846, 0.013713658787310123, 0.002924880711361766, 0.0006307763978838921, 0.0006575410370714962, -0.014202852733433247, -0.02140980400145054, -0.045213956385850906, -0.0598759762942791, -0.08734043687582016, -0.10837353020906448, -0.11915526539087296, -0.1367189735174179, -0.13833053410053253, -0.15259361267089844, -0.16209350526332855, -0.19069384038448334, -0.22421878576278687, -0.23345595598220825, -0.25572383403778076, -0.2509678602218628, -0.2558799684047699, -0.2358483523130417, -0.24284674227237701, -0.2517009675502777, -0.23315753042697906, -0.23582513630390167, -0.19985362887382507, -0.1710013449192047, -0.10423094034194946, -0.054874271154403687, -0.018947536125779152, 0.007634520530700684, 0.011105572804808617, 0.023176105692982674, 0.03392357751727104, 0.06974828988313675, 0.10093969851732254, 0.1462908238172531, 0.18222858011722565, 0.20074842870235443, 0.1855044811964035, 0.16418716311454773, 0.14231997728347778, 0.11704991012811661, 0.10843074321746826, 0.09999776631593704, 0.10628823935985565, 0.10197631269693375, 0.08955103904008865, 0.05734841525554657, 0.012498598545789719, -0.017928464338183403, -0.04630011320114136, -0.0590493269264698, -0.07447872310876846, -0.07619242370128632, -0.0759945958852768, -0.08189727365970612, -0.08314894139766693, -0.09510915726423264, -0.0933980643749237, -0.09178376197814941, -0.08712570369243622, -0.07275713235139847, -0.06359512358903885, -0.04419124871492386, -0.025489650666713715, 0.0047234646044671535, 0.023771243169903755, 0.04371779412031174, 0.06353982537984848, 0.07820189744234085, 0.08512189984321594, 0.09611107409000397, 0.11913081258535385, 0.1432628482580185, 0.16564440727233887, 0.17780859768390656, 0.18793760240077972, 0.18602018058300018, 0.17530937492847443, 0.1619175374507904, 0.14670215547084808, 0.1325398087501526, 0.13107576966285706, 0.12906844913959503, 0.1180909276008606, 0.11286980658769608, 0.09445909410715103, 0.07290825247764587, 0.04169892147183418, 0.03027970902621746, 0.006024407222867012, 0.008321280591189861, 0.006569149903953075, 0.017228804528713226, 0.016894390806555748, 0.01727254129946232, 0.017882665619254112, 0.0025974370073527098, -0.0016855794237926602, 0.00551042053848505, 0.020140087231993675, 0.031035667285323143, 0.05156751349568367, 0.07002567499876022, 0.07409200072288513, 0.07206826657056808, 0.07313653081655502, 0.06372889876365662, 0.061784226447343826, 0.05920849367976189, 0.06577258557081223, 0.0593908317387104, 0.051461104303598404, 0.04420524835586548, 0.03672100976109505, 0.01982824131846428, -0.0017894953489303589, -0.017520209774374962, -0.03991386294364929, -0.05108476057648659, -0.058307159692049026, -0.06571832299232483, -0.07962577790021896, -0.09230717271566391, -0.11038035899400711, -0.1320880502462387, -0.15437379479408264, -0.16893813014030457, -0.17273567616939545, -0.18201056122779846, -0.19716718792915344, -0.2004215121269226, -0.21682940423488617, -0.23355835676193237, -0.23635895550251007, -0.23519845306873322, -0.2282005101442337, -0.22878021001815796, -0.2214810997247696, -0.2274775505065918, -0.22265024483203888, -0.20824255049228668, -0.1651865541934967, -0.11659283190965652, -0.08185634016990662, -0.037388406693935394, -0.012197134084999561, 0.0019287876784801483, 0.002687476109713316, 0.015704110264778137, 0.02558303251862526, 0.07298742979764938, 0.10648510605096817, 0.14390088617801666, 0.15294526517391205, 0.1646493673324585, 0.15818320214748383, 0.12763412296772003, 0.10503540188074112, 0.09016524255275726, 0.09489043056964874, 0.09131431579589844, 0.0958952084183693, 0.08496198058128357, 0.07032234966754913, 0.03650380298495293, 0.004192431923002005, -0.036175936460494995, -0.06359272450208664, -0.06753537058830261, -0.07141802459955215, -0.06622345000505447, -0.07378552109003067, -0.07487685233354568, -0.07973188161849976, -0.08235339820384979, -0.08402802795171738, -0.08775798231363297, -0.0708722323179245, -0.058784645050764084, -0.04020807892084122, -0.02528318762779236, -0.006127584725618362, 0.027455411851406097, 0.04069535434246063, 0.05434247478842735, 0.06185261532664299, 0.07424949109554291, 0.08797997236251831, 0.09605208039283752, 0.11599818617105484, 0.1305478811264038, 0.15002195537090302, 0.15653368830680847, 0.15143655240535736, 0.14303432404994965, 0.12545418739318848, 0.10759143531322479, 0.10974510759115219, 0.1019425317645073, 0.11135164648294449, 0.10822834819555283, 0.10856162756681442, 0.09268731623888016, 0.07399068772792816, 0.056570038199424744, 0.02523781731724739, 0.0204501673579216, 0.018543804064393044, 0.02736165188252926, 0.030292624607682228, 0.028231985867023468, 0.03685716167092323, 0.021819932386279106, 0.018693165853619576, 0.012655149213969707, 0.016577551141381264, 0.024127408862113953, 0.03571826592087746, 0.05433184280991554, 0.0568646602332592, 0.06704055517911911, 0.07272081077098846, 0.06657599657773972, 0.06051334738731384, 0.06181745231151581, 0.06362298876047134, 0.06006171926856041, 0.06427543610334396, 0.06880908459424973, 0.05861509218811989, 0.05070984363555908, 0.035785749554634094, 0.02009567990899086, -0.004062618128955364, -0.014551742933690548, -0.024190105497837067, -0.03499528765678406, -0.04708035662770271, -0.060764312744140625, -0.06780227273702621, -0.08426211029291153, -0.09641767293214798, -0.10804124176502228, -0.12605063617229462, -0.1348034143447876, -0.13963013887405396, -0.14747926592826843, -0.15648749470710754, -0.16727297008037567, -0.17338615655899048, -0.18056237697601318, -0.1861308366060257, -0.1948157250881195, -0.2055492401123047, -0.22391192615032196, -0.22224938869476318, -0.22703100740909576, -0.212594673037529, -0.21840408444404602, -0.21506650745868683, -0.21070320904254913, -0.21518076956272125, -0.18795795738697052, -0.16255545616149902, -0.1370038092136383, -0.10331651568412781, -0.0658794492483139, -0.04067210480570793, -0.012351482175290585, -0.009038873948156834, 0.011535638011991978, 0.022413041442632675, 0.041116561740636826, 0.06669381260871887, 0.08690905570983887, 0.11539236456155777, 0.12723006308078766, 0.13585449755191803, 0.1165119931101799, 0.10398336499929428, 0.09538380056619644, 0.07553773373365402, 0.07049304991960526, 0.06865537166595459, 0.06495988368988037, 0.06332055479288101, 0.042275670915842056, 0.0136151984333992, -0.01513537298887968, -0.04242207109928131, -0.05624992027878761, -0.06945852190256119, -0.07240559905767441, -0.06327879428863525, -0.06370484083890915, -0.05202755704522133, -0.06632443517446518, -0.0564425103366375, -0.07019440084695816, -0.06253945827484131, -0.060339946299791336, -0.044484693557024, -0.018523812294006348, -0.002063135849311948, 0.024286586791276932, 0.02941802889108658, 0.050139766186475754, 0.0490490198135376, 0.06359995901584625, 0.06505198031663895, 0.07845565676689148, 0.09208045154809952, 0.10570860654115677, 0.11452462524175644, 0.12187419086694717, 0.12652890384197235, 0.12124642729759216, 0.10864470899105072, 0.1013091579079628, 0.09042789041996002, 0.08918842673301697, 0.09145445376634598, 0.080968476831913, 0.08831257373094559, 0.07606574892997742, 0.0868535116314888, 0.06314222514629364, 0.05475177988409996, 0.03958972916007042, 0.025286369025707245, 0.02693335898220539, 0.01867774687707424, 0.03237241879105568, 0.031562045216560364, 0.041434478014707565, 0.044208720326423645, 0.037082698196172714, 0.04172047972679138, 0.03596143424510956, 0.04265724495053291, 0.05698953941464424, 0.060261696577072144, 0.07884039729833603, 0.07651172578334808, 0.09015290439128876, 0.08854924142360687, 0.0845818743109703, 0.09155824780464172, 0.07861170917749405, 0.08222657442092896, 0.06852039694786072, 0.06791428476572037, 0.06873226910829544, 0.05248125642538071, 0.053814105689525604, 0.030308669432997704, 0.01481501292437315, 0.00157712132204324, -0.013129065744578838, -0.023332489654421806, -0.03863730654120445, -0.03849045932292938, -0.06829345226287842, -0.07166529446840286, -0.09422089904546738, -0.09981265664100647, -0.11956871300935745, -0.12204083055257797, -0.12399255484342575, -0.13068881630897522, -0.13140566647052765, -0.16320300102233887, -0.1525382250547409, -0.18124955892562866, -0.16644877195358276, -0.19063018262386322, -0.1933431476354599, -0.20168755948543549, -0.2202809453010559, -0.20297066867351532, -0.23300905525684357, -0.20407968759536743, -0.22915400564670563, -0.22598764300346375, -0.22182245552539825, -0.24114936590194702, -0.19950851798057556, -0.20111574232578278, -0.15699580311775208, -0.1281687468290329, -0.09179641306400299, -0.04339785501360893, -0.042953282594680786, 0.0055175656452775, -0.00826138537377119, 0.026489265263080597, 0.04118809476494789, 0.048124223947525024, 0.10461685806512833, 0.09837250411510468, 0.16072480380535126, 0.1445310115814209, 0.15182067453861237, 0.14165844023227692, 0.11682256311178207, 0.12498568743467331, 0.08062022924423218, 0.09989827126264572, 0.07716693729162216, 0.08539346605539322, 0.07312031835317612, 0.03211727365851402, 0.017236629500985146, -0.024280739948153496, -0.033707037568092346, -0.055955786257982254, -0.07407943904399872, -0.07134077697992325, -0.07009319216012955, -0.06504564732313156, -0.06495486199855804, -0.07137154042720795, -0.0676257386803627, -0.07427774369716644, -0.07443702965974808, -0.06577420979738235, -0.05182291194796562, -0.016916420310735703, -0.0041144429706037045, 0.01669119857251644, 0.035314515233039856, 0.04366488754749298, 0.05936278775334358, 0.06452655047178268, 0.07530640065670013, 0.09088527411222458, 0.09320933371782303, 0.11276274174451828, 0.11606469750404358, 0.1292862743139267, 0.13217493891716003, 0.12243572622537613, 0.11988227814435959, 0.09957367181777954, 0.10443279147148132, 0.09725943952798843, 0.09063945710659027, 0.09698787331581116, 0.08266282081604004, 0.07850133627653122, 0.061917271465063095, 0.05413470417261124, 0.04819934070110321, 0.03490571305155754, 0.040723737329244614, 0.030396662652492523, 0.04076050966978073, 0.03838040679693222, 0.03800921514630318, 0.03997693583369255, 0.03131597861647606, 0.0431189201772213, 0.03886626288294792, 0.06101904436945915, 0.06904490292072296, 0.08650961518287659, 0.1005941852927208, 0.10262592881917953, 0.1138012707233429, 0.10295131802558899, 0.11050298810005188, 0.11140065640211105, 0.11178220063447952, 0.12073875218629837, 0.11506939679384232, 0.12111970782279968, 0.11097148060798645, 0.10843691229820251, 0.09747932851314545, 0.06842394173145294, 0.05625751614570618, 0.028143636882305145, 0.02122209593653679, 0.00267091509886086, -0.008753427304327488, -0.01485581323504448, -0.041206829249858856, -0.04077327623963356, -0.06901794672012329, -0.07657275348901749, -0.0922214463353157, -0.12114385515451431, -0.1223047748208046, -0.14498822391033173, -0.1285906583070755, -0.13495591282844543, -0.1357477456331253, -0.13374705612659454, -0.15278515219688416, -0.14616107940673828, -0.16851846873760223, -0.16983646154403687, -0.16560259461402893, -0.17190667986869812, -0.1656394749879837, -0.16096532344818115, -0.16256183385849, -0.16953052580356598, -0.17448820173740387, -0.19791650772094727, -0.1756974756717682, -0.2043975293636322, -0.17521482706069946, -0.19181035459041595, -0.1857663244009018, -0.15346501767635345, -0.16953346133232117, -0.09541428089141846, -0.12419324368238449, -0.06716573983430862, -0.056435476988554, -0.04851315915584564, 0.016062956303358078, -0.027429208159446716, 0.04166078194975853, 0.030253781005740166, 0.06011404097080231, 0.09776878356933594, 0.06938155740499496, 0.13569602370262146, 0.09628535062074661, 0.13620731234550476, 0.11749397963285446, 0.09974340349435806, 0.13028259575366974, 0.08034977316856384, 0.11708179116249084, 0.07611304521560669, 0.08146888762712479, 0.0766567811369896, 0.02517656795680523, 0.0425213985145092, -0.003204232081770897, 0.005725230555981398, -0.02495746687054634, -0.028710296377539635, -0.025874529033899307, -0.05287354439496994, -0.03972760960459709, -0.06005716696381569, -0.0472421757876873, -0.05415485054254532, -0.054592911154031754, -0.043324731290340424, -0.04087749123573303, -0.022533468902111053, -0.016884654760360718, -0.004891789052635431, 0.01408880203962326, 0.022911489009857178, 0.03923078253865242, 0.0411098413169384, 0.059554751962423325, 0.07093944400548935, 0.07276087254285812, 0.10734722018241882, 0.10571706295013428, 0.12277000397443771, 0.11891943216323853, 0.12710516154766083, 0.1296793669462204, 0.11986371129751205, 0.12768040597438812, 0.11179018765687943, 0.1281224936246872, 0.10546991229057312, 0.10854202508926392, 0.10358891636133194, 0.08773333579301834, 0.10643527656793594, 0.08116792887449265, 0.08463767915964127, 0.07053995877504349, 0.06589972227811813, 0.06040242314338684, 0.04467156529426575, 0.06125297769904137, 0.04871011897921562, 0.05564504861831665, 0.06094202771782875, 0.0567803792655468, 0.06338951736688614, 0.06719297170639038, 0.07770095020532608, 0.08492958545684814, 0.08877449482679367, 0.09548734873533249, 0.10212531685829163, 0.10806680470705032, 0.11339464038610458, 0.1208043098449707, 0.11490586400032043, 0.1045156717300415, 0.10430711507797241, 0.09525793790817261, 0.09255193173885345, 0.0906277596950531, 0.08639895170927048, 0.07741645723581314, 0.06046902760863304, 0.04876280203461647, 0.03284988924860954, 0.014515168033540249, 0.004447144456207752, -0.010698390193283558, -0.02393367886543274, -0.03055099956691265, -0.047064993530511856, -0.053100764751434326, -0.0666135922074318, -0.08493313938379288, -0.09816110879182816, -0.12087416648864746, -0.12247345596551895, -0.1262829452753067, -0.12438223510980606, -0.12752990424633026, -0.1378215104341507, -0.13345736265182495, -0.1408497840166092, -0.13574568927288055, -0.1527268886566162, -0.16011397540569305, -0.16110709309577942, -0.16191960871219635, -0.13771909475326538, -0.15563912689685822, -0.14877213537693024, -0.17583270370960236, -0.19313889741897583, -0.1677224040031433, -0.2112048864364624, -0.18475045263767242, -0.20879168808460236, -0.22044332325458527, -0.1918216198682785, -0.21521073579788208, -0.14630921185016632, -0.16194093227386475, -0.13814152777194977, -0.10353780537843704, -0.11690550297498703, -0.02235318161547184, -0.04659084975719452, 0.004492402076721191, 0.033385954797267914, 0.014401368796825409, 0.0908116027712822, 0.048131007701158524, 0.11077819019556046, 0.1234675869345665, 0.11378434300422668, 0.16094449162483215, 0.11274731159210205, 0.17199654877185822, 0.14255444705486298, 0.1385023295879364, 0.14551608264446259, 0.08942845463752747, 0.12616309523582458, 0.07556510716676712, 0.08235301822423935, 0.07152315229177475, 0.028027497231960297, 0.03929736465215683, -0.02081485278904438, -0.00580722838640213, -0.025338541716337204, -0.04836709424853325, -0.0369785912334919, -0.08718657493591309, -0.052635371685028076, -0.07272645086050034, -0.07530713826417923, -0.05830485746264458, -0.08374080806970596, -0.0543595626950264, -0.06648329645395279, -0.04916835203766823, -0.02526489831507206, -0.018257049843668938, 0.011723717674612999, 0.010806362144649029, 0.02614213526248932, 0.045904532074928284, 0.05653230473399162, 0.07624738663434982, 0.08295033127069473, 0.10099326074123383, 0.11405081301927567, 0.12162887305021286, 0.13368986546993256, 0.13742472231388092, 0.1391921043395996, 0.13915720582008362, 0.1286555677652359, 0.13601060211658478, 0.13112439215183258, 0.12344186753034592, 0.13095293939113617, 0.10846433788537979, 0.10732004046440125, 0.10187885165214539, 0.07307382673025131, 0.07849680632352829, 0.053285010159015656, 0.05254575237631798, 0.045219533145427704, 0.03886245936155319, 0.05584614351391792, 0.035487640649080276, 0.04464295506477356, 0.04156409949064255, 0.03931540623307228, 0.052993640303611755, 0.04310495778918266, 0.05742277577519417, 0.06213567778468132, 0.06763572990894318, 0.0928226038813591, 0.0824926570057869, 0.10333146154880524, 0.09783860296010971, 0.09459652751684189, 0.10848602652549744, 0.09524577111005783, 0.11039894074201584, 0.09535223990678787, 0.09035639464855194, 0.09204119443893433, 0.06941504776477814, 0.07219183444976807, 0.049350183457136154, 0.040963221341371536, 0.027903178706765175, 0.0044492012821137905, 0.011504380032420158, -0.01726982556283474, -0.012127702124416828, -0.028927061706781387, -0.04669587314128876, -0.054604124277830124, -0.07157862186431885, -0.07268021255731583, -0.08857448399066925, -0.10205692797899246, -0.11026445776224136, -0.12142234295606613, -0.11278194934129715, -0.10309560596942902, -0.11255259066820145, -0.10149931907653809, -0.1294224113225937, -0.1302960067987442, -0.1309545338153839, -0.14788301289081573, -0.12356019020080566, -0.1479582041501999, -0.14862661063671112, -0.16442309319972992, -0.18068410456180573, -0.1586960107088089, -0.17558814585208893, -0.17844802141189575, -0.17306223511695862, -0.2114567905664444, -0.19661909341812134, -0.2058800458908081, -0.18915335834026337, -0.18117494881153107, -0.20660951733589172, -0.1821506768465042, -0.20457597076892853, -0.17044423520565033, -0.11875841021537781, -0.0742812380194664, -0.042054686695337296, -0.03984197974205017, -0.0056952242739498615, 0.005494390614330769, 0.01865554414689541, 0.06820344179868698, 0.052561260759830475, 0.08282309025526047, 0.1008927971124649, 0.10713431239128113, 0.1331689953804016, 0.1326519101858139, 0.1653250753879547, 0.1388825625181198, 0.12005368620157242, 0.13577492535114288, 0.09362112730741501, 0.11174550652503967, 0.09347455203533173, 0.07465147227048874, 0.07134547829627991, 0.04108857735991478, 0.05197208747267723, 0.019122520461678505, 0.011960480362176895, 0.0005678412853740156, -0.0371028408408165, -0.029714688658714294, -0.05537642911076546, -0.049552615731954575, -0.046577904373407364, -0.056123241782188416, -0.04042322188615799, -0.05834034085273743, -0.05606457591056824, -0.0522846058011055, -0.05689871311187744, -0.04124154523015022, -0.047178130596876144, -0.027522867545485497, -0.01860584318637848, -0.005233386531472206, 0.019330384209752083, 0.02167792059481144, 0.041555214673280716, 0.0370098277926445, 0.04105142503976822, 0.06359504908323288, 0.057557106018066406, 0.09159672260284424, 0.08969186991453171, 0.0947270616889, 0.1146053597331047, 0.10511726140975952, 0.12773117423057556, 0.11210262030363083, 0.12038465589284897, 0.11199649423360825, 0.10584623366594315, 0.12133532762527466, 0.10644058883190155, 0.1168966218829155, 0.09996616095304489, 0.09056941419839859, 0.07962223887443542, 0.07030647993087769, 0.06524751335382462, 0.04811594635248184, 0.044533997774124146, 0.04262731224298477, 0.040029846131801605, 0.04012297838926315, 0.04539606347680092, 0.047358620911836624, 0.044988539069890976, 0.04849042370915413, 0.048879072070121765, 0.056791968643665314, 0.060013994574546814, 0.07247335463762283, 0.07168089598417282, 0.08497918397188187, 0.09000395238399506, 0.08680526912212372, 0.09798704832792282, 0.09231910854578018, 0.08673013001680374, 0.0865667387843132, 0.07381077110767365, 0.07217784970998764, 0.07223457843065262, 0.052095867693424225, 0.06515370309352875, 0.04184207320213318, 0.03402183577418327, 0.02473936788737774, 0.0021888373885303736, 0.007438134402036667, -0.006465869955718517, -0.006414886564016342, -0.020781759172677994, -0.028005555272102356, -0.03682113066315651, -0.03619297966361046, -0.0401027649641037, -0.05966491624712944, -0.05918138101696968, -0.08100640028715134, -0.07330146431922913, -0.07692793756723404, -0.08369801193475723, -0.07829132676124573, -0.09307457506656647, -0.08715031296014786, -0.09770139306783676, -0.08771678060293198, -0.08702584356069565, -0.1030694991350174, -0.10842020064592361, -0.13078151643276215, -0.10745418071746826, -0.11658758670091629, -0.10692933201789856, -0.11066913604736328, -0.13295798003673553, -0.1173543930053711, -0.1393924206495285, -0.13196228444576263, -0.12187522649765015, -0.12417066842317581, -0.11517275124788284, -0.1575009822845459, -0.11846920847892761, -0.11358416080474854, -0.133792445063591, -0.0903325006365776, -0.15482152998447418, -0.11288872361183167, -0.12258858233690262, -0.141719788312912, -0.006741262041032314, -0.04714183509349823, -0.028536072000861168, 0.020536595955491066, -0.02119632251560688, 0.02723056823015213, 0.045508068054914474, 0.031082287430763245, 0.034284237772226334, 0.0727374330163002, 0.058477357029914856, 0.06978511065244675, 0.12764662504196167, 0.10818611830472946, 0.12027981877326965, 0.10399569571018219, 0.08354371786117554, 0.1019359678030014, 0.06336227059364319, 0.0802963450551033, 0.0795830711722374, 0.05873316898941994, 0.0657336637377739, 0.04916727915406227, 0.060868039727211, 0.02966802567243576, 0.034462325274944305, 0.006683006417006254, -0.02849845588207245, -0.0013707239413633943, -0.02817436307668686, -0.02702198177576065, -0.00806416291743517, -0.005856216885149479, -0.018232297152280807, -0.014008955098688602, -0.014360283501446247, -0.025872398167848587, -0.01333051547408104, -0.02265031822025776, -0.021948404610157013, -0.00995544996112585, -0.0015520117012783885, 0.0011198308784514666, 0.02777487225830555, 0.034008197486400604, 0.027974825352430344, 0.03066611848771572, 0.026608755812048912, 0.042351145297288895, 0.03619769588112831, 0.06716486811637878, 0.06089263781905174, 0.0704633817076683, 0.07839808613061905, 0.08091088384389877, 0.08300977945327759, 0.08102427423000336, 0.09084509313106537, 0.06593433767557144, 0.07033587992191315, 0.09130487591028214, 0.04659474268555641, 0.08351945132017136, 0.08156181871891022, 0.02538590133190155, 0.06488693505525589, 0.03784174099564552, 0.02003629505634308, 0.045104045420885086, 0.025689618661999702, 0.052044011652469635, 0.02499743364751339, 0.0530986487865448, 0.032017920166254044, 0.0384347029030323, 0.05532639101147652, 0.03416235372424126, 0.035439666360616684, 0.03423219546675682, 0.061961930245161057, 0.031438957899808884, 0.060770049691200256, 0.04101111367344856, 0.05303128808736801, 0.004024064633995295, 0.05452181398868561, 0.015212691389024258, 0.01564151421189308, 0.027365079149603844, 0.003061172552406788, 0.018477875739336014, 0.009579167701303959, 0.009297627955675125, 0.0003354815999045968, -0.021014457568526268, 0.012268716469407082, -0.06606072187423706, 0.021275769919157028, -0.03308196738362312, -0.07416213303804398, 0.04644268751144409, -0.12358451634645462, 0.009031012654304504, -0.03387776389718056, -0.08361494541168213, -0.03726384416222572, -0.06931302696466446, -0.022856319323182106, -0.0995633527636528, -0.03375953435897827, -0.03506183251738548, -0.07459257543087006, -0.09598143398761749, -0.03820317983627319, -0.05232495814561844, -0.16028104722499847, -0.02595028653740883, -0.09152475744485855, -0.12301686406135559, -0.004631029441952705, -0.12476039677858353, 0.028668366372585297, -0.12013397365808487, -0.07837621867656708, -0.022057022899389267, -0.1427738070487976, -0.05027207359671593, -0.07900266349315643, -0.09855931997299194, -0.08861801028251648, -0.043806735426187515, -0.0833853930234909, -0.09275773167610168, -0.07911654561758041, -0.049812041223049164, -0.11630208790302277, -0.09713254123926163, -0.06470514833927155, -0.06029106304049492, -0.06307356059551239, -0.05208691954612732, -0.032840218394994736, -0.07724273204803467, -0.03260685130953789, -0.025687238201498985, -0.07441193610429764, -0.0017566056922078133, -0.011459274217486382, -0.021772490814328194, 0.014571663923561573, 0.011527768336236477, 0.04509224742650986, 0.0089259659871459, 0.053950920701026917, 0.008811579085886478, 0.03497401997447014, 0.03675557300448418, 0.050147682428359985, 0.050406575202941895, 0.03480009362101555, 0.07480309158563614, 0.04088056832551956, 0.059841543436050415, 0.05909738317131996, 0.03118749149143696, 0.03917089104652405, 0.029991628602147102, 0.007263684645295143, 0.03020366281270981, 0.0003742103581316769, 0.02294873632490635, 0.013152065686881542, -0.009781566448509693, 0.006828853860497475, -0.013209258206188679, -0.004905235953629017, -0.01996525377035141, 0.00023128963948693126, -0.026283256709575653, -0.0009651935542933643, -0.0009165113442577422, 0.0038650527130812407, 0.0012856354005634785, 0.02410304546356201, 0.012763086706399918, 0.0140481973066926, 0.019881846383213997, 0.012157615274190903, 0.047395944595336914, 0.019538620486855507, 0.04112715274095535, 0.05885845422744751, 0.025174636393785477, 0.05607884004712105, 0.053016699850559235, 0.05397399514913559, 0.04652633145451546, 0.052472032606601715, 0.05686124786734581, 0.043664392083883286, 0.06439739465713501, 0.04511898756027222, 0.07242371886968613, 0.05627195164561272, 0.06472587585449219, 0.03579485043883324, 0.08359602093696594, 0.03513984754681587, 0.03985351696610451, 0.09140974283218384, 0.01355207059532404, 0.061416056007146835, 0.07055429369211197, 0.0054602003656327724, 0.08276356011629105, 0.02887164242565632, 0.026854880154132843, 0.09076378494501114, -0.011492859572172165, 0.08381462842226028, 0.008770893327891827, 0.022463176399469376, 0.12723715603351593, -0.034020017832517624, 0.038810256868600845, 0.09202595800161362, -0.005308758467435837, 0.0019033265998587012, 0.10596417635679245, -0.06664574891328812, 0.12939558923244476, -0.04715057089924812, -0.026607519015669823, 0.16111250221729279, -0.15566518902778625, 0.118038110435009, 0.005814997013658285, -0.0769534707069397, 0.03898758441209793, 0.05498287454247475, -0.0949203372001648, 0.07820582389831543, -0.05591738224029541, 0.03497108817100525, -0.03715647757053375, -0.05875292420387268, 0.036764148622751236, -0.03522424027323723, 0.015913894400000572, -0.0668334886431694, -0.006713481619954109, 0.10659115016460419, -0.16955481469631195, 0.029114726930856705, 0.11912494897842407, -0.19984789192676544, 0.12562228739261627, -0.10436256229877472, 0.07191408425569534, -0.05204525589942932, -0.11578408628702164, 0.1891418695449829, -0.16934068500995636, -0.008614188060164452, 0.038832757622003555, -0.03849497810006142, -0.10523020476102829, -0.012605007737874985, 0.04828408360481262, -0.2001274973154068, 0.03376813605427742, 0.021889569237828255, -0.1399179846048355, 0.012142929248511791, -0.02234283834695816, -0.07202629745006561, -0.004260670859366655, -0.06487333029508591, -0.04187019541859627, -0.016286378726363182, -0.07544373720884323, 0.010770469903945923, -0.0973307341337204, 0.0028289882466197014, -0.06119164451956749, -0.06285963207483292, 0.02801748923957348, -0.12943999469280243, 0.04850234463810921, -0.10505220293998718, -0.007076816167682409, -0.05592890456318855, -0.03452291712164879, -0.035365793853998184, -0.05758124962449074, -0.02192114293575287, -0.0641695111989975, -0.017214221879839897, -0.08814848959445953, -0.0004092010494787246, -0.054931968450546265, -0.019170986488461494, -0.05003833398222923, -0.019142625853419304, -0.026380907744169235, -0.008689849637448788, -0.005290983244776726, -0.044428735971450806, 0.05335203930735588, -0.02844787947833538, -0.006940409075468779, 0.03924329951405525, 0.005154167301952839, 0.010904553346335888, 0.04204454645514488, -0.029854604974389076, 0.04250503331422806, 0.035656895488500595, -0.02400626428425312, 0.04560389369726181, 0.036059748381376266, -0.030385253950953484, 0.09610352665185928, -0.05144159123301506, 0.08670130372047424, -0.01305929385125637, 0.03845176845788956, 0.006206026766449213, 0.039187975227832794, -0.01789865642786026, 0.02565712481737137, 0.05518709495663643, -0.0701625868678093, 0.11013064533472061, -0.0607442706823349, 0.060691509395837784, 0.006756678223609924, 0.016755515709519386, 0.00021925498731434345, 0.05014676973223686, -0.06832297146320343, 0.09936832636594772, -0.021288147196173668, -0.010958157479763031, 0.045606184750795364, 0.0035172246862202883, 0.025108598172664642, 0.010735347867012024, 0.010320955887436867, 0.10639628767967224, -0.0740022361278534, 0.0597354955971241, 0.054286662489175797, -0.033372022211551666, 0.07067043334245682, -0.012998302467167377, 0.09781043231487274, -0.057215746492147446, 0.11349621415138245, -0.014801152050495148, 0.04018442705273628, 0.011594329960644245, 0.0742739886045456, 0.004457836039364338, -0.023525148630142212, 0.08996213972568512, -0.04270957037806511, 0.07661797851324081, -0.038799580186605453, 0.037551600486040115, 0.037074774503707886, 0.0024255120661109686, -0.10214478522539139, 0.1472901999950409, -0.06222372129559517, -0.02343035489320755, 0.028448879718780518, 0.07373125106096268, -0.09795750677585602, 0.06637712568044662, 0.0517098605632782, -0.08901727944612503, 0.08151672780513763, -0.08691667765378952, 0.11151235550642014, -0.09442037343978882, -0.009948933497071266, 0.1292566955089569, -0.12480220198631287, -0.004767399746924639, 0.09556255489587784, -0.057699110358953476, -0.054167892783880234, 0.06541101634502411, 0.021016424521803856, -0.13284677267074585, 0.14477911591529846, -0.09264296293258667, -0.0023718627635389566, -0.00786531064659357, -0.03900795429944992, 0.039743367582559586, -0.11804608255624771, 0.07727503031492233, -0.06531594693660736, 0.002534035360440612, -0.053306933492422104, 0.008376994170248508, 0.009506258182227612, -0.08968659490346909, 0.06703787297010422, -0.10363978147506714, 0.053785309195518494, -0.04848961532115936, -0.03108508139848709, -0.010993988253176212, 0.06275084614753723, -0.10482816398143768, -0.01348969154059887, 0.06038612499833107, -0.07797601073980331, -0.0720127671957016, 0.12032944709062576, -0.1311194896697998, 0.007631806191056967, 0.006634530611336231, -0.06894098967313766, -0.01111495029181242, -0.0022455330472439528, -0.0891803726553917, 0.06204237416386604, -0.08029769361019135, -0.06695195287466049, 0.0868908241391182, -0.15677854418754578, 0.04713889956474304, -0.03290097042918205, -0.08203095942735672, 0.036007996648550034, -0.09432888776063919, 0.029412558302283287, -0.07635011523962021, 0.02162560261785984, -0.07670769095420837, 0.049293335527181625, -0.10858917981386185, 0.008029330521821976, 0.004226806573569775, -0.05729049816727638, 0.005242989864200354, -0.023491861298680305, 0.043947525322437286, -0.1244664266705513, 0.09394903481006622, -0.04071673005819321, -0.04063566029071808, 0.03819214552640915, 0.03442378342151642, -0.13009494543075562, 0.08257824182510376, 0.00949134211987257, -0.09067402780056, 0.06085394322872162, 0.0026278155855834484, -0.03926790878176689, -0.003172908443957567, 0.03923656791448593, -0.08400340378284454, 0.0673796758055687, -0.0053618126548826694, -0.08224696666002274, 0.10941977053880692, -0.08294167369604111, -0.00562243489548564, 0.0315462090075016, -0.019571978598833084, -0.001784579362720251, -0.0441482849419117, 0.09237024933099747, -0.11113280057907104, 0.05021345615386963, 0.01619887724518776, -0.06599800288677216, 0.09613587707281113, -0.09340284764766693, 0.10003325343132019, -0.07968161255121231, 0.07885350286960602, -0.045724522322416306, -0.023369938135147095, 0.14007295668125153, -0.18610090017318726, 0.15644925832748413, -0.06646069139242172, 0.03083866275846958, -0.03244934603571892, 0.06579018384218216, 0.012761467136442661, -0.0434771366417408, 0.08907642960548401, -0.05083588510751724, 0.03499133512377739, -0.013438927941024303, 0.07832584530115128, -0.10573720932006836, 0.12199163436889648, -0.0077313813380897045, -0.07074065506458282, 0.1193435788154602, -0.03792193904519081, 0.039294421672821045, -0.045695967972278595, 0.13647393882274628, -0.13700033724308014, 0.09959162026643753, 0.015759432688355446, -0.05005970224738121, 0.03657473251223564, -0.008402117528021336, 0.01700064353644848, -0.015899887308478355, 0.008776274509727955, 0.08996868133544922, -0.07725512236356735, 0.04065671190619469, 0.09584096819162369, -0.1649441421031952, 0.19197089970111847, -0.11553580313920975, 0.07411183416843414, -0.04898796230554581, 0.0708572268486023, -0.02941778488457203, -0.014856797643005848, 0.11839205026626587, -0.10403715819120407, 0.04516972601413727, 0.04635296389460564, -0.08140339702367783, 0.05301092565059662, 0.01812257058918476, -0.027581097558140755, -0.01906287483870983, 0.11363616585731506, -0.11632674187421799, 0.0214065108448267, 0.08672498911619186, -0.05797393247485161, -0.03160979226231575, 0.0949447825551033, -0.10361222177743912, 0.07128625363111496, -0.01701904833316803, -0.06387706100940704, 0.08803218603134155, -0.040215786546468735, 0.01751912385225296, -0.014239605516195297, 0.05661936476826668, -0.1027282103896141, 0.10736414790153503, -0.1140773817896843, 0.06777084618806839, -0.02511114813387394, 0.011490845121443272, -0.037799809128046036, 0.009058759547770023, 0.022792017087340355, -0.0756421759724617, 0.1160058006644249, -0.09582503139972687, 0.027454225346446037, 0.030443154275417328, -0.061958204954862595, 0.07411455363035202, -0.04589146748185158, -0.015267095528542995, 0.04871157556772232, -0.027327202260494232, -0.03341173008084297, 0.014930952340364456, 0.014259069226682186, -0.017128054052591324, 0.027782129123806953, -0.11045915633440018, 0.20143377780914307, -0.1607389599084854, 0.0616304911673069, -0.0043668923899531364, 0.00755314901471138, -0.006162151228636503, -0.0779753103852272, 0.10668870806694031, -0.07081282883882523, 0.04200015589594841, -0.06264554709196091, 0.1092553436756134, -0.09641658514738083, 0.04800504446029663, 0.0037368235643953085, 0.01050825696438551, -0.04288773238658905, 0.05722333863377571, -0.04207528382539749, 0.014772591181099415, 0.022407736629247665, -0.054675646126270294, 0.0393705852329731, -0.029328422620892525, -0.01561359316110611, 0.039299026131629944, -0.031102625653147697, 0.026814274489879608, -0.040088947862386703, 0.043674301356077194, -0.027913108468055725, -0.014990207739174366, 0.008488617837429047, 0.0005443603149615228, -0.02893775887787342, 0.01304958388209343, -0.021511254832148552, 0.04089714586734772, -0.043587587773799896, -0.0037149107083678246, 0.0518503338098526, -0.11417332291603088, 0.05955662205815315, 0.02871829830110073, -0.10734042525291443, 0.06139635667204857, 0.007625793572515249, -0.0350789949297905, 0.0037309678737074137, -0.00747828371822834, 0.027100753039121628, -0.042336590588092804, -0.007074685301631689, 0.004676567856222391, 0.023054907098412514, -0.05375205725431442, 0.058213550597429276, -0.06467575579881668, 0.08519607782363892, -0.08114078640937805, 0.05887293443083763, 0.01986716315150261, -0.06667272001504898, 0.07464130967855453, -0.06406456977128983, 0.05769061669707298, -0.049651458859443665, 0.04351932927966118, -0.012759055010974407, 0.020819464698433876, -0.04756323993206024, 0.08239009976387024, -0.09363479167222977, 0.04268045723438263, 0.0033618335146456957, -0.016613634303212166, 0.026979414746165276, -0.013108018785715103, 0.022972287610173225, 0.01343876589089632, -0.024848056957125664, 0.010438330471515656, 0.006406219210475683, 0.0016090602148324251, -0.01907334290444851, 0.046892013400793076, -0.022865325212478638, -0.002124372636899352, 0.0610058568418026, -0.11844846606254578, 0.1492254137992859, -0.10512012243270874, 0.07605552673339844, -0.04090411216020584, -0.004578044638037682, 0.038339320570230484, -0.060482606291770935, 0.03620452806353569, 0.00934694241732359, 0.03576512634754181, -0.12205782532691956, 0.17701786756515503, -0.15323856472969055, 0.08120669424533844, -0.03844776377081871, -0.011158841662108898, 0.015424198471009731, 0.018840162083506584, -0.062119051814079285, 0.015908928588032722, 0.04553019627928734, -0.07967030256986618, 0.022254781797528267, 0.016107622534036636, -0.017870165407657623, -0.0028518487233668566, -0.001634049229323864, -0.017891893163323402, -0.008055540733039379, 0.0006180509808473289, -0.01734866015613079, 0.01615150459110737, -0.018859706819057465, -0.03352653980255127, 0.08121100813150406, -0.06875652819871902, -0.03376433253288269, 0.06597689539194107, -0.029539786279201508, -0.03399162366986275, 0.02723192609846592, -0.00454874848946929, -0.020887814462184906, 0.018748631700873375, 0.008659601211547852, -0.04076649993658066, 0.03481217473745346, 0.026998575776815414, -0.06687479466199875, 0.01799296773970127, -0.00168524996843189, 0.01266279723495245, -0.0108888428658247, -0.08692694455385208, 0.14211894571781158, -0.13987532258033752, 0.06767428666353226, -0.02739974856376648, 0.03083338774740696, -0.07194917649030685, 0.0847606360912323, -0.05825802683830261, -0.014552555046975613, 0.02938496135175228, -0.011979516595602036, -0.018708528950810432, -0.01225768867880106, 0.04702432081103325, -0.1150861456990242, 0.09667843580245972, -0.07610027492046356, 0.05521976947784424, -0.03925683721899986, -0.009478346444666386, 0.041372187435626984, -0.002430969150736928, -0.06897024810314178, 0.0590742863714695, -0.0004562707617878914, -0.0527762845158577, 0.03869474679231644, -0.045742712914943695, 0.07613775134086609, -0.11776363104581833, 0.06424324959516525, -0.004055192228406668, -0.0335356630384922, -0.01563853956758976, 0.04991741478443146, -0.013080256059765816, -0.025618761777877808, -0.019670862704515457, 0.06663685292005539, -0.03013836033642292, -0.0660184845328331, 0.05657494440674782, -0.009407532401382923, -0.023473326116800308, -0.006620021536946297, 0.004991966299712658, 0.00591378565877676, 0.01823333650827408, -0.03938905894756317, 0.038886092603206635, -0.020769299939274788, 0.007503436878323555, -0.012058757245540619, -0.008815924637019634, -0.003867590567097068, 0.002672328846529126, 0.003098878776654601, -0.019225386902689934, 0.045129671692848206, -0.04268953576683998, 0.028535893186926842, -0.004069897811859846, -0.04233485460281372, 0.057463809847831726, -0.02432928793132305, 0.00985629577189684, 0.03169725462794304, -0.04765170067548752, 0.07138744741678238, -0.0962715595960617, 0.12329065799713135, -0.09532293677330017, 0.005595757160335779, 0.061547454446554184, -0.03976051136851311, 0.0021427550818771124, 0.040784575045108795, 0.007130663841962814, -0.048903677612543106, 0.05292760208249092, -0.019840259104967117, 0.017305035144090652, -0.04368434473872185, 0.06648505479097366, -0.029681993648409843, 0.021771110594272614, -0.022517520934343338, 0.068318672478199, -0.09064118564128876, 0.0667007565498352, 0.018104948103427887, -0.10080017149448395, 0.09683629870414734, -0.012680566869676113, -0.057638298720121384, 0.07853353023529053, -0.05708470568060875, 0.016562992706894875, 0.029626252129673958, -0.06796707957983017, 0.060080256313085556, -0.012427050620317459, -0.0479382686316967, 0.048224784433841705, -0.02538621984422207, -0.01908840797841549, 0.047369334846735, -0.07895462960004807, 0.0698242262005806, -0.02151869423687458, -0.06911863386631012, 0.11062608659267426, -0.03740508481860161, -0.058583591133356094, 0.041557230055332184, 0.026210904121398926, -0.06363248080015182, 0.05785724148154259, -0.05782180652022362, 0.06937924772500992, -0.044691573828458786, 0.007062849123030901, 0.03575451299548149, -0.016482679173350334, 0.020966975018382072, -0.013858909718692303, 0.029150590300559998, -0.026201114058494568, 0.010540910065174103, -0.006928874179720879, 0.04627120867371559, -0.09306538850069046, 0.07752719521522522, 0.012524379417300224, -0.059031616896390915, 0.06568507105112076, -0.019868120551109314, -0.029779573902487755, 0.05754749849438667, -0.06314317137002945, 0.057270679622888565, -0.03470778837800026, -0.01157944556325674, 0.028729943558573723, -0.03803488612174988, 0.027428194880485535, -0.019833708181977272, -0.01854642853140831, 0.009172134101390839, -0.0021197882015258074, -0.035326018929481506, 0.04296838492155075, -0.011174086481332779, -0.03539532795548439, 0.051517877727746964, -0.046435147523880005, 0.01536217425018549, 0.006760283373296261, -0.005531114060431719, -0.05015863850712776, 0.09064691513776779, -0.05004566162824631, -0.009145167656242847, 0.02335904724895954, -0.013639498502016068, 0.005748567637056112, -0.0023065663408488035, -0.0064771706238389015, 0.018276697024703026, 0.0031030522659420967, -0.03180742636322975, 0.045868732035160065, -0.008977613411843777, -0.042088523507118225, 0.04766934737563133, -0.032728634774684906, -0.014502721838653088, 0.04197400435805321, -0.024030372500419617, -0.012095161713659763, 0.03594056889414787, -0.03895631432533264, 0.03578393533825874, -0.008744842372834682, -0.015247807838022709, 0.010669405572116375, -0.02461477927863598, 0.029867155477404594, -0.017598003149032593, 0.020128201693296432, -0.039247408509254456, 0.038571327924728394, -0.01492184866219759, -0.014726284891366959, -0.003697178326547146, 0.005002657417207956, 0.04471005126833916, -0.07450641691684723, 0.006534729618579149, 0.13005797564983368, -0.14760331809520721, 0.07339715212583542, -0.020477741956710815, 0.02869296818971634, -0.0457511842250824, 0.04591338708996773, -0.04755716025829315, 0.034179266542196274, -0.0071425288915634155, 0.009418664500117302, 0.0034543657675385475, 0.0007053076406009495, 0.02188916504383087, -0.022761216387152672, -0.01535255741328001, 0.027362478896975517, 0.011685552075505257, -0.030989570543169975, 0.047713056206703186, -0.035497475415468216, 0.0625147819519043, -0.06095398589968681, 0.03319479152560234, 0.005187313072383404, -0.005258563905954361, -0.0003036934940610081, 0.02963022142648697, -0.02629558928310871, 0.021807117387652397, 0.013725616037845612, -0.03556099161505699, 0.018695203587412834, 0.0190444253385067, 0.0015016746474429965, -0.039851054549217224, 0.08193927258253098, -0.07580570131540298, 0.05904093384742737, -0.032033856958150864, 0.022432852536439896, 0.0057122185826301575, 0.01765456236898899, -0.042635709047317505, 0.06361719965934753, -0.06221857666969299, 0.049302838742733, 0.008823765441775322, -0.05889787897467613, 0.06529296189546585, -0.017940368503332138, -0.006702751386910677, 0.0011972383363172412, 0.013444042764604092, -0.005762568209320307, 0.009519616141915321, -0.03526291251182556, 0.053741320967674255, -0.00929317157715559, 0.008646500296890736, -0.016664979979395866, 0.043185584247112274, -0.04907028004527092, 0.04404786229133606, -0.02960652858018875, 0.021173235028982162, -0.022661661729216576, 0.04771146550774574, -0.07173827290534973, 0.0844506174325943, -0.03132547065615654, -0.0056075118482112885, 0.04197797179222107, -0.04353214427828789, 0.030383916571736336, -0.0076701026409864426, -0.002038611564785242, 0.006455263122916222, -0.026506997644901276, 0.009711682796478271, 0.06770387291908264, -0.10923464596271515, 0.09961315989494324, -0.03505565598607063, -0.008685925044119358, 0.018097346648573875, -0.034387413412332535, 0.02733386494219303, -0.007586473599076271, 0.01510597299784422, -0.0671018734574318, 0.1172817125916481, -0.10065910965204239, 0.059327151626348495, -0.01109239086508751, -0.03136004880070686, 0.03956599906086922, -0.022696131840348244, -0.012766268104314804, 0.033436767756938934, 0.010337351821362972, -0.08717886358499527, 0.10404220223426819, -0.08190853148698807, 0.05346834287047386, -0.06269201636314392, 0.05621467903256416, -0.01637718267738819, -0.012910488992929459, 0.01590779237449169, -0.0076639107428491116, -0.006300654727965593, -0.022511083632707596, 0.03624720498919487, -0.0583808533847332, 0.04065391421318054, -0.011276019737124443, 0.004890770651400089, -0.00698833167552948, 0.01694585382938385, -0.022692115977406502, 0.0038510242011398077, 0.007787233684211969, -0.028608009219169617, 0.04865378886461258, -0.06756839156150818, 0.07072760909795761, -0.10533642768859863, 0.08170552551746368, -0.06134312227368355, 0.0611674040555954, -0.10562731325626373, 0.10680041462182999, -0.08034098893404007, 0.03151998296380043, 0.03429575264453888, -0.07768803834915161, 0.06728573888540268, -0.0550713911652565, 0.03552934154868126, -0.06235458329319954, 0.06665020436048508, -0.03667560964822769, 0.05375945568084717, -0.09915812313556671, 0.11417322605848312, -0.07004416733980179, 0.0027505347970873117, 0.015139728784561157, -0.030641144141554832, 0.02934379316866398, -0.045888811349868774, 0.06279715895652771, -0.07204918563365936, 0.056828659027814865, -0.059686094522476196, 0.05563615635037422, -0.03236978128552437, 0.014561600983142853, 0.0021862813737243414, -0.005379717331379652, -0.008405376225709915, -0.038293205201625824, 0.08223864436149597, -0.09167753159999847, 0.032292019575834274, -0.020413462072610855, 0.057960525155067444, -0.12131235003471375, 0.13484306633472443, -0.12457431107759476, 0.07104913890361786, -0.04534967988729477, -0.027400290593504906, 0.07346154004335403, -0.07277349382638931, 0.029435738921165466, -0.010985404253005981, 0.021601855754852295, -0.0361034981906414, 0.030438320711255074, -0.02806398831307888, 0.006846677977591753, -0.012528897263109684, 0.0267222598195076, -0.06416059285402298, 0.0790642574429512, -0.07579381763935089, 0.0364055261015892, -0.01695520244538784, -0.026929572224617004, 0.009821305051445961, 0.048792656511068344, -0.07514143735170364, 0.05059022828936577, -0.008119217120110989, -0.030689485371112823, 0.03575970605015755, -0.023680057376623154, 0.027786938473582268, -0.024085765704512596, 0.008847253397107124, -0.015871332958340645, 0.0029073006007820368, -0.014660477638244629, 0.03527110815048218, -0.03842262923717499, -0.006366846151649952, 0.0626005232334137, -0.0669584646821022, 0.06575682014226913, -0.04740894213318825, -0.00933421216905117, 0.04578346014022827, -0.07834087312221527, 0.07010051608085632, -0.052012987434864044, 0.04080672562122345, -0.04975959658622742, 0.0551922470331192, -0.052312999963760376, 0.036612559109926224, 0.017732838168740273, -0.046414799988269806, 0.05231022089719772, -0.056151147931814194, 0.02758295275270939, -0.009627914056181908, -0.03809921443462372, 0.06610605865716934, -0.06617877632379532, 0.06590655446052551, -0.023919833824038506, 0.0032208338379859924, 0.0230648685246706, -0.025243045762181282, -0.024359820410609245, 0.046899475157260895, -0.05820809677243233, 0.02846491150557995, -0.00471023004502058, 0.06458865851163864, -0.061350151896476746, 0.03309187665581703, 0.015176389366388321, -0.04155295342206955, 0.011387272737920284, -0.030741440132260323, 0.026280881837010384, 0.005447932984679937, 0.005911910440772772, -0.02033674344420433, 0.041404806077480316, -0.010596571490168571, -0.032152462750673294, 0.004412596579641104, 0.054443083703517914, -0.06947081536054611, 0.03192683681845665, 0.04452882334589958, -0.05316006764769554, 0.025286199524998665, 0.009306279942393303, -0.004974449519068003, -0.019691267982125282, 0.02600703202188015, -0.03085167519748211, 0.03315192833542824, -0.007312215398997068, 0.007331980392336845, 0.02258656546473503, -0.05320646986365318, 0.0747714415192604, -0.04732733219861984, -0.019068310037255287, 0.06490421295166016, -0.028215402737259865, -0.053653523325920105, 0.0671583041548729, -0.00641214894130826, -0.05600837245583534, 0.08752099424600601, -0.08374891430139542, 0.08663801103830338, -0.0755295678973198, 0.059297312051057816, 0.0029692163225263357, -0.06161245331168175, 0.07706557214260101, -0.0651409700512886, 0.0388263575732708, -0.0421236976981163, 0.06418133527040482, -0.062385961413383484, 0.04562078416347504, -0.010681401938199997, 0.007768651470541954, 0.010720287449657917, -0.017259299755096436, 0.027024518698453903, -0.04213068261742592, 0.06101081892848015, -0.06452897936105728, 0.04282386600971222, 0.016425123438239098, -0.04484577849507332, -0.0024640012998133898, 0.050923604518175125, -0.039517492055892944, 0.024849003180861473, -0.014332990162074566, 0.021987810730934143, -0.018381386995315552, 0.03817794844508171, -0.042915910482406616, 0.03004557639360428, 0.01560470461845398, -0.049874790012836456, 0.02014530822634697, -0.009635756723582745, -0.00880909152328968, 0.02816704660654068, -3.5915523767471313e-05, -0.05473726615309715, 0.10920397192239761, -0.08749017864465714, 0.042887404561042786, 0.013453946448862553, -0.023823535069823265, 0.028646638616919518, -0.006615980062633753, -0.026638053357601166, 0.05899348855018616, -0.0510423518717289, 0.010385447181761265, 0.013257105834782124, -0.028983162716031075, 0.04569900408387184, -0.04626382142305374, 0.09229572117328644, -0.1227584108710289, 0.0851573497056961, -0.02910810522735119, -0.009613271802663803, 0.009007415734231472, -0.006667358800768852, 0.00720412889495492, -0.0277559757232666, 0.0560370497405529, -0.0813392922282219, 0.07447626441717148, -0.05329405143857002, 0.014083790592849255, 0.03321494534611702, -0.032870933413505554, 0.011589706875383854, 0.014644783921539783, -0.03186700493097305, 0.026070671156048775, -0.03926043212413788, 0.0473199188709259, -0.007990825921297073, -0.07478954643011093, 0.10100686550140381, -0.05823468044400215, -0.027530765160918236, 0.07991838455200195, -0.014926116913557053, -0.030440019443631172, 0.01983848586678505, 0.022217020392417908, -0.027970025315880775, -0.0030642524361610413, 0.016720887273550034, 0.020426999777555466, -0.029563890770077705, -0.01048255991190672, 0.05295960232615471, -0.06493133306503296, 0.05511488392949104, -0.0454205758869648, 0.05566749349236488, -0.016218828037381172, -0.0284635778516531, 0.03641161322593689, 0.01414473820477724, -0.06888233125209808, 0.04377329722046852, 0.017446288838982582, -0.06454623490571976, 0.06021278724074364, 0.013151347637176514, -0.043450016528367996, -0.007887766696512699, 0.07003434747457504, -0.10057998448610306, 0.0456194132566452, 0.017137831076979637, -0.061650991439819336, 0.04889809712767601, -0.011269156821072102, 0.009715641848742962, 0.02308659255504608, -0.08897289633750916, 0.11961057037115097, -0.10996753722429276, 0.05431773513555527, 0.004755205009132624, -0.06783133745193481, 0.1062084436416626, -0.08778104186058044, 0.039421457797288895, 0.004533959552645683, -0.0390341691672802, -0.0030228279065340757, 0.022373268380761147, -0.047505784779787064, -0.020120099186897278, 0.10660958290100098, -0.13116677105426788, 0.09504809975624084, 0.015060242265462875, -0.05724584683775902, 0.014972618781030178, 0.018872598186135292, -0.04435097426176071, 0.017194854095578194, -0.04557374119758606, 0.042915135622024536, 0.0024155727587640285, -0.05849560722708702, 0.07939013838768005, -0.037032295018434525, -0.017508769407868385, -0.0019293465884402394, 0.010808613151311874, -0.028088876977562904, 0.03355197235941887, -0.011585470288991928, -0.03906151279807091, 0.09761086851358414, -0.11277860403060913, 0.09943098574876785, -0.07322055846452713, -4.47295096819289e-05, 0.017098188400268555, -0.03576105087995529, 0.015512819401919842, -0.022082416340708733, 0.05481639504432678, -0.04898455739021301, 0.020325254648923874, -0.013974389992654324, -0.008235526271164417, 0.01283783745020628, -0.023853156715631485, 0.034203823655843735, -0.05007513612508774, 0.04089663177728653, -0.018592990934848785, -0.0253914725035429, 0.09552835673093796, -0.09931943565607071, 0.06101387366652489, 0.011514667421579361, -0.03814379498362541, -0.033107999712228775, 0.0883389413356781, -0.12057757377624512, 0.1028459370136261, -0.04232406243681908, -0.03418513014912605, 0.08662637323141098, -0.0784706324338913, 0.011632319539785385, 0.011920367367565632, -0.03618701547384262, 0.0006910506635904312, 0.003176110563799739, 0.004137989599257708, -0.009443013928830624, 0.012713689357042313, -0.025749385356903076, 0.032990068197250366, -0.0011800604406744242, -0.08125627040863037, 0.11534522473812103, -0.07474195212125778, 0.01038255076855421, 0.08511457592248917, -0.08877861499786377, 0.024492334574460983, 0.09480254352092743, -0.12717929482460022, 0.07652623951435089, 0.020396020263433456, -0.06803997606039047, 0.027787132188677788, 0.03377334028482437, -0.06107254698872566, 0.05889029800891876, -0.04794323816895485, 0.05104334279894829, -0.028310861438512802, -0.012846432626247406, -0.007328247185796499, 0.03221718221902847, -0.0399557426571846, 0.004537997301667929, 0.044217485934495926, -0.03506137430667877, 0.02618497796356678, -0.007799496408551931, -0.018998878076672554, 0.025833958759903908, -0.017470963299274445, 0.01710524596273899, -0.012076080776751041, 0.03439605236053467, -0.005150556564331055, -0.013726764358580112, -0.004593465942889452, 0.028796963393688202, -0.044655054807662964, 0.02372673898935318, 0.009521765634417534, 0.006364417728036642, -0.038973111659288406, 0.042312584817409515, -0.006467165891081095, -0.01280164159834385, 0.02537497878074646, -0.03768615424633026, 0.022975724190473557, -0.00268348166719079, -0.02973419986665249, 0.07178498059511185, -0.06573834270238876, 0.012792323715984821, 0.06371409446001053, -0.11525476723909378, 0.1106422170996666, -0.09241805970668793, 0.0648818239569664, -0.03931055963039398, -0.0010433958377689123, 0.05266663804650307, -0.0843273252248764, 0.0992700532078743, -0.05986660346388817, 0.004882029257714748, 0.0011851717717945576, 0.04904957488179207, -0.08816821128129959, 0.07256193459033966, -0.003447303781285882, -0.05530525743961334, 0.10089856386184692, -0.056196361780166626, -0.015857651829719543, 0.042657651007175446, -0.05128192529082298, 0.01861736737191677, 0.037084758281707764, -0.08161450922489166, 0.08736556768417358, -0.04443957656621933, 0.016646815463900566, 0.008394920267164707, -0.022961774840950966, 0.05552741512656212, -0.061866018921136856, 0.03878604248166084, -0.033008377999067307, 0.05893850699067116, -0.01700088381767273, -0.005306220147758722, 0.025654375553131104, -0.02980968914926052, 0.03646483272314072, -0.04267093539237976, 0.06256992369890213, -0.02658102661371231, -0.003016135888174176, 0.028954235836863518, -0.013429582118988037, 0.029606783762574196, -0.00697072921320796, 0.02977357991039753, -0.03464541956782341, 0.011546940542757511, 0.011283371597528458, -0.01723083294928074, -0.0021205192897468805, 0.0215330570936203, 0.03199770301580429, -0.053263962268829346, 0.013744976371526718, 0.02770363539457321, -0.01765766553580761, -0.022472914308309555, 0.026766693219542503, 0.016413308680057526, -0.012552746571600437, 0.035984549671411514, -0.03585832193493843, 0.04349749535322189, -0.003848653519526124, -0.023508640006184578, 0.0027592575643211603, -0.007106872275471687, 0.011287315748631954, 0.0116729736328125, -0.0050982641987502575, 0.012849554419517517, -0.029857302084565163, 0.03594129532575607, -0.007220890838652849, 0.00669478252530098, 0.00528619484975934, -0.03274231776595116, 0.0443338118493557, -0.03943794220685959, 0.019894570112228394, 0.029174374416470528, -0.003342732787132263, 0.00020401568326633424, -0.021614493802189827, 0.039049092680215836, -0.011959771625697613, 0.00922489259392023, 0.010012293234467506, -0.008696611039340496, -0.00643989397212863, 0.039121631532907486, -0.05812107399106026, 0.06989393383264542, -0.03697564825415611, 0.019980432465672493, -0.014791198074817657, -0.006648010108619928, 0.03522538021206856, -0.026953330263495445, 0.024603934958577156, -0.005915021989494562, 0.012301351875066757, 0.017370223999023438, -0.048224445432424545, 0.05149279162287712, -0.019663559272885323, -0.022393839433789253, 0.02239803597331047, 0.022102491930127144, -0.023339299485087395, 0.009200829081237316, 0.018803363665938377, -0.02728543058037758, 0.028113508597016335, -0.02127205953001976, 0.03282717987895012, -0.006016405764967203, 0.004282381851226091, -0.006348115392029285, 0.03940063714981079, -0.0639575868844986, 0.03504505008459091, 0.014482870697975159, -0.021498549729585648, 0.008648129180073738, -0.015706833451986313, 0.029841793701052666, -0.03272644057869911, -0.018685253337025642, 0.04167906194925308, -0.061689894646406174, 0.026173492893576622, 0.00829089805483818, -0.07835765182971954, 0.07954414188861847, -0.021940670907497406, -0.04028342291712761, 0.050015419721603394, -0.03566095605492592, 0.009394516237080097, 0.0008376769255846739, -0.0006387812900356948, -0.019183440133929253, 0.016375018283724785, 0.0020063475240021944, 0.021671902388334274, -0.043529074639081955, 0.040713705122470856, 0.01022565271705389, -0.03224972262978554, 0.0016767384950071573, 0.04227885231375694, -0.032303355634212494, -0.00893316138535738, 0.0218880046159029, 0.006526874378323555, -0.038662977516651154, 0.036987658590078354, -0.026029864326119423, 0.004034329671412706, 0.005161377135664225, -0.006462442222982645, 0.01331639289855957, -0.016240833327174187, 0.021991193294525146, -0.008417518809437752, -0.010073496960103512, -0.00044169786269776523, 0.03263353183865547, -0.019636470824480057, -0.020642448216676712, 0.05023651570081711, -0.0015740497037768364, -0.03593534231185913, 0.0475040040910244, -0.005781704559922218, -0.03219471871852875, 0.04005829244852066, 0.007489804178476334, -0.04059562459588051, 0.04298262298107147, 0.003937950357794762, -0.03647969290614128, 0.017205288633704185, 0.032486528158187866, -0.012233598157763481, -0.001055896864272654, 0.029960697516798973, -0.033044587820768356, -0.012847280129790306, 0.029061531648039818, 0.005110619124025106, -0.014849892817437649, -0.0002822705137077719, 0.060254503041505814, -0.09801830351352692, 0.0462338849902153, 0.005502128507941961, -0.0047548371367156506, 0.013407272286713123, -0.024076052010059357, 0.048578210175037384, -0.02516845613718033, 0.006039645988494158, -0.0041581131517887115, 0.02302617020905018, -0.02413858287036419, -0.0010296282125636935, 0.007314849179238081, -0.002658105455338955, 0.04004216194152832, -0.06008784845471382, 0.06840771436691284, -0.03299646079540253, -0.0069767870008945465, 0.03886822238564491, -0.07427739351987839, 0.06455383449792862, -0.03154819831252098, 0.0014691709075123072, 0.020473666489124298, -0.0003188443079125136, -0.03485536202788353, 0.03089996986091137, -0.025251278653740883, -0.010146921500563622, 0.03710159659385681, -0.053496021777391434, 0.08616730570793152, -0.04159364104270935, 0.008668205700814724, 0.007777864579111338, -0.003426518989726901, 0.03905608132481575, -0.06196236237883568, 0.058492884039878845, 0.0061462074518203735, 0.018446730449795723, -0.015454061329364777, 0.0341588631272316, 0.002634430304169655, 0.015389975160360336, -0.006124996580183506, 0.013114672154188156, 0.014649747870862484, -1.4066773474041838e-05, 0.037144843488931656, 0.0026178641710430384, 0.007658887188881636, 0.011218893341720104, 0.008884887211024761, -0.029622627422213554, 0.041556600481271744, 0.006381256505846977, -0.011549503542482853, 0.04365881159901619, -0.036986056715250015, 0.0364590659737587, -0.011142091825604439, -0.006153283640742302, 0.043107833713293076, -0.006448070518672466, -0.034450650215148926, 0.0477154441177845, -0.003319453215226531, -0.04174333065748215, 0.07705176621675491, -0.04055238515138626, 0.008048269897699356, 0.0196208618581295, -0.03970380127429962, 0.05675973370671272, -0.044427599757909775, 0.019423041492700577, 0.006506174802780151, -0.0034230826422572136, -0.008439647033810616, -0.007891666144132614, 0.008076200261712074, 0.00458210613578558, -0.00919861625880003, -0.042052652686834335, 0.0024339889641851187, -0.006977106910198927, -0.004696290008723736, -0.017708217725157738, 0.0021083601750433445, 0.006786592770367861, -0.05816647782921791, 0.0011842568637803197, -0.018113840371370316, -0.021745992824435234, -0.029355527833104134, 0.007854812778532505, -0.03685314580798149, -0.005250992253422737, -0.009691402316093445, -0.01617838256061077, -0.046643976122140884, -0.0291436780244112, 0.011321976780891418, -0.062390293926000595, 0.0005248486995697021, 0.013110318221151829, -0.04285654425621033, -0.027078086510300636, -0.004006808158010244, -0.03851380571722984, -0.01972917467355728, -0.017475448548793793, -0.029035471379756927, -0.022589320316910744, -0.04199191927909851, 0.021481644362211227, -0.03326747193932533, -0.025024166330695152, 0.004823973402380943, -0.029326917603611946, -0.03284269943833351, -0.0018650367856025696, 0.015542812645435333, 0.0025256723165512085, 0.007079547271132469, -0.01710742898285389, 0.010197903960943222, 0.01074803713709116, 0.011515340767800808, 0.03992188349366188, 0.025002283975481987, 0.022426387295126915, 0.047591499984264374, 0.018893947824835777, 0.04485759139060974, 0.06098640337586403, 0.03029721975326538, 0.0406043566763401, 0.06819070130586624, 0.0343700610101223, 0.07333139330148697, 0.05929659307003021, 0.06765662133693695, 0.0348321832716465, 0.05593189224600792, 0.05559570714831352, 0.0455949492752552, 0.061922892928123474, 0.05012309178709984, 0.04493054747581482, 0.05204874277114868, 0.022206857800483704, 0.044755805283784866, 0.026056475937366486, 0.024963246658444405, 0.056046996265649796, 0.028587235137820244, 0.03128194436430931, 0.03753364086151123, 0.04054722189903259, 0.03003823198378086, -0.015677519142627716, 0.039023589342832565, 0.02166527509689331, 0.0023564929142594337, 0.043687332421541214, 0.015340189449489117, 0.03870896250009537, 0.0002994419483002275, -0.005121923517435789, 0.028770511969923973, -0.004561707377433777, -0.02451525442302227, 0.0545395091176033, 0.0026425651740282774, -0.03314941003918648, 0.045427463948726654, -0.005441630724817514, -0.043769944459199905, -0.01387824583798647, -0.004522570408880711, -0.021897831931710243, -0.0159000214189291, -0.019725866615772247, -0.007549798581749201, -0.0039000476244837046, -0.07789863646030426, -0.04394983500242233, -0.003760862397029996, -0.04324821010231972, -0.08304101228713989, -0.006289022043347359, -0.05998309329152107, -0.08498544991016388, -0.025923477485775948, -0.05301274359226227, -0.09148611128330231, -0.05378666892647743, -0.053743667900562286, -0.07217606902122498, -0.10082732141017914, -0.04763816297054291, -0.035975322127342224, -0.11626891046762466, -0.07388737052679062, -0.06478778272867203, -0.09967079758644104, -0.08584018796682358, -0.04810681939125061, -0.07607422024011612, -0.07856869697570801, -0.0696164146065712, -0.0985165536403656, -0.09349986910820007, -0.06600173562765121, -0.08192817121744156, -0.063975028693676, -0.07359196990728378, -0.06767196953296661, -0.061982300132513046, -0.06570392102003098, -0.03990478068590164, -0.041047438979148865, -0.04664704576134682, -0.03684408217668533, -0.019856950268149376, -0.015340727753937244, 0.01513221487402916, 0.008078008890151978, -0.003857481060549617, 0.02716124802827835, 0.005704820156097412, 0.026116618886590004, 0.0555933378636837, 0.04471150040626526, 0.051684848964214325, 0.05201644450426102, 0.05677236616611481, 0.042113516479730606, 0.05046692118048668, 0.06098838523030281, 0.054387785494327545, 0.061803530901670456, 0.034525319933891296, 0.05003289878368378, 0.032256193459033966, 0.042665138840675354, 0.029373465105891228, 0.03157294541597366, 0.015859486535191536, 0.0059928204864263535, 0.021377013996243477, -0.008297719992697239, 0.024819642305374146, -0.005039177369326353, -0.004027967806905508, -0.013423800468444824, -0.018796533346176147, -0.0014891830505803227, -0.00773616274818778, 0.0035454563330858946, -0.011028128676116467, -0.005555672571063042, -0.03695738688111305, 0.0104662561789155, -0.006533113308250904, 0.004647220950573683, 0.024778570979833603, -0.0054040527902543545, 0.007139408495277166, 0.013597520999610424, 0.019006306305527687, 0.02313261106610298, 0.027943812310695648, 0.03532693535089493, 0.014789656735956669, 0.042657043784856796, 0.04009879752993584, 0.044419024139642715, 0.04557741433382034, 0.03937859088182449, 0.028987711295485497, 0.057409171015024185, 0.05479004979133606, 0.04475461319088936, 0.06382343173027039, 0.046137869358062744, 0.03680579736828804, 0.046999115496873856, 0.06065940856933594, 0.03599049523472786, 0.05006128177046776, 0.04435615986585617, 0.02090364880859852, 0.039906345307826996, 0.038021236658096313, 0.04209759458899498, 0.024643531069159508, 0.018572062253952026, 0.04617013409733772, -0.0006956704310141504, 0.024657512083649635, 0.039250873029232025, 0.013439822010695934, 0.01759404130280018, -0.0010063140653073788, 0.02694471925497055, 0.006618142127990723, 0.0070747677236795425, 0.016477972269058228, 0.01612590253353119, 0.0079226428642869, -0.0143536776304245, 0.022362468764185905, 0.009366283193230629, -0.0016231901245191693, 0.0012494081165641546, -0.005006588529795408, -0.01751638576388359, -0.009490082040429115, -0.011571194045245647, 0.00876893661916256, -0.02478940226137638, -0.03036724589765072, -0.02476145140826702, -0.039152178913354874, -0.027910389006137848, -0.03785819932818413, -0.03590639308094978, -0.051139429211616516, -0.06626288592815399, -0.0543772429227829, -0.06067000702023506, -0.06272751092910767, -0.07186298817396164, -0.07556129992008209, -0.0752597525715828, -0.09578336775302887, -0.07390272617340088, -0.10743781924247742, -0.08668029308319092, -0.09051062166690826, -0.11587456613779068, -0.0902830958366394, -0.1113169863820076, -0.078336700797081, -0.11854221671819687, -0.09242754429578781, -0.11014159768819809, -0.12585864961147308, -0.09016498923301697, -0.12381602078676224, -0.058615610003471375, -0.0891166478395462, -0.06054075062274933, -0.052676454186439514, -0.08476325869560242, -0.003193082520738244, -0.0749388188123703, -0.02921481989324093, -0.012024067342281342, 0.004865145776420832, 0.03899529576301575, -0.007007130887359381, 0.057226527482271194, -0.012511542066931725, 0.05820564925670624, 0.03826717287302017, 0.05780687555670738, 0.09936732053756714, 0.05823025479912758, 0.09606831520795822, 0.05258879438042641, 0.07394979149103165, 0.0855608880519867, 0.06133846566081047, 0.09458094090223312, 0.06980355829000473, 0.07904183119535446, 0.05893118306994438, 0.0518743097782135, 0.050640568137168884, 0.033182840794324875, 0.04334505647420883, 0.013334577903151512, 0.032918449491262436, 0.028829684481024742, 0.012853608466684818, 0.00949129555374384, -0.005914292298257351, -0.01802769862115383, -0.016266753897070885, -0.014909324236214161, -0.010411037132143974, 0.000624168838839978, -0.015987878665328026, -0.0206785649061203, -0.03812960535287857, -0.030406445264816284, -0.019016481935977936, -0.009970267303287983, -0.0005142943118698895, 0.003329657483845949, 0.005744726397097111, -0.008892602287232876, -0.01178683526813984, 0.0048825121484696865, -0.0034760802518576384, 0.013000588864088058, 0.018724320456385612, 0.043769434094429016, 0.031402625143527985, 0.029398508369922638, 0.030343731865286827, 0.021535269916057587, 0.04127712920308113, 0.04863688349723816, 0.06687086075544357, 0.07299403846263885, 0.07904211431741714, 0.06437209993600845, 0.061340223997831345, 0.07220442593097687, 0.08034157752990723, 0.08238159120082855, 0.09257900714874268, 0.08415098488330841, 0.08923102170228958, 0.07916629314422607, 0.07393401116132736, 0.06814583390951157, 0.05924150347709656, 0.061847638338804245, 0.0631045401096344, 0.07490286976099014, 0.06645495444536209, 0.06362830847501755, 0.04278583824634552, 0.02536912076175213, 0.028530485928058624, 0.033456671983003616, 0.038484811782836914, 0.04202255606651306, 0.02850147895514965, 0.03134717792272568, 0.01583012379705906, 0.01412407960742712, 0.013545305468142033, 0.01732582598924637, 0.011342769488692284, 0.005312382709234953, 0.008158461190760136, 0.0033568835351616144, 0.0013553454773500562, -0.002098777098581195, -0.008195539936423302, -0.0035327021032571793, -0.012021859176456928, -0.015962589532136917, -0.00910171214491129, -0.017606185749173164, -0.011049259454011917, -0.037948623299598694, -0.03542139381170273, -0.04354158788919449, -0.055042196065187454, -0.04075093939900398, -0.06108665093779564, -0.06531764566898346, -0.07848341763019562, -0.0796932578086853, -0.09731905162334442, -0.10875631123781204, -0.09896433353424072, -0.11774306744337082, -0.1205315813422203, -0.12644906342029572, -0.14415378868579865, -0.1279471069574356, -0.14907056093215942, -0.16241250932216644, -0.12871700525283813, -0.20223534107208252, -0.14597778022289276, -0.191812202334404, -0.16953706741333008, -0.1356063336133957, -0.16175048053264618, -0.049973372370004654, -0.13494829833507538, -0.06863933801651001, -0.1656486541032791, -0.10566652566194534, -0.02459767274558544, -0.062247466295957565, 0.07527848333120346, -0.01193230226635933, 0.007016576826572418, 0.023589620366692543, -0.010415696538984776, 0.08846069872379303, 0.05615532770752907, 0.15288808941841125, 0.10994555056095123, 0.09454042464494705, 0.13926824927330017, 0.09128368645906448, 0.152198925614357, 0.09183578938245773, 0.12918251752853394, 0.11194775253534317, 0.11616552621126175, 0.14556249976158142, 0.10216718912124634, 0.1041339784860611, 0.052680693566799164, 0.030205270275473595, 0.04187106341123581, 0.05212857201695442, 0.05610254406929016, 0.042892541736364365, 0.008898995816707611, -0.018268177285790443, -0.05047398433089256, -0.043469447642564774, -0.027341533452272415, -0.03332023322582245, -0.0071712215431034565, -0.04942088574171066, -0.05864933133125305, -0.06064937636256218, -0.06486406177282333, -0.05639350786805153, -0.05415154993534088, -0.03698759898543358, -0.039075106382369995, -0.021969057619571686, -0.028160089626908302, -0.02104289084672928, -0.016333529725670815, -0.04102722182869911, -0.009109503589570522, 0.01689632423222065, 0.0376727320253849, 0.03394583985209465, 0.03695829585194588, 0.017388323321938515, 0.03657860681414604, 0.03981249779462814, 0.054834235459566116, 0.08970924466848373, 0.07462229579687119, 0.09527944773435593, 0.07221122831106186, 0.06965521723031998, 0.09536226838827133, 0.0913536548614502, 0.11144023388624191, 0.09858790040016174, 0.10628031194210052, 0.10555366426706314, 0.08234626799821854, 0.10128235816955566, 0.08089009672403336, 0.08267706632614136, 0.07864658534526825, 0.0752246230840683, 0.07986137270927429, 0.06773004680871964, 0.06574521213769913, 0.04830631613731384, 0.03688591718673706, 0.03100494109094143, 0.03300735726952553, 0.04523909091949463, 0.037424854934215546, 0.02194473333656788, 0.03099767118692398, 0.0028845034539699554, 0.019122710451483727, 0.018883390352129936, 0.019264468923211098, 0.02968045510351658, 0.01346501987427473, 0.02640700340270996, 0.012410340830683708, 0.017264874652028084, 0.023524615913629532, 0.013766407035291195, 0.02040293999016285, -0.0014025893760845065, 0.01257699728012085, 0.016660716384649277, -0.00905228964984417, 0.00971350260078907, -0.01957736536860466, -0.021853014826774597, -0.022555097937583923, -0.04115486890077591, -0.022374814376235008, -0.05373762547969818, -0.04810040816664696, -0.06789880245923996, -0.08172529935836792, -0.08480115979909897, -0.09651666134595871, -0.09227395057678223, -0.12748931348323822, -0.11132590472698212, -0.14674414694309235, -0.15831084549427032, -0.13977329432964325, -0.16279873251914978, -0.1445372849702835, -0.1828932911157608, -0.187470942735672, -0.1764153242111206, -0.20513834059238434, -0.1753058135509491, -0.20817607641220093, -0.2067718654870987, -0.20529799163341522, -0.22500087320804596, -0.12938468158245087, -0.1344267874956131, -0.04169217124581337, -0.12743030488491058, -0.20659072697162628, -0.07940595597028732, -0.1264091581106186, 0.022790836170315742, 0.044592805206775665, 0.028820635750889778, 0.03943641483783722, -0.02897842973470688, 0.034545544534921646, 0.04903363436460495, 0.12562057375907898, 0.18996402621269226, 0.11280228942632675, 0.14689120650291443, 0.10588598251342773, 0.15733103454113007, 0.14692704379558563, 0.12625446915626526, 0.16968297958374023, 0.12142585963010788, 0.15331333875656128, 0.14386944472789764, 0.13689179718494415, 0.13185866177082062, 0.052971478551626205, 0.03678121417760849, 0.041566312313079834, 0.049946706742048264, 0.08196864277124405, 0.038041140884160995, 0.0057632108218967915, -0.04325723648071289, -0.06821399182081223, -0.04935568571090698, -0.04907763749361038, -0.019411679357290268, -0.0356549397110939, -0.0723806843161583, -0.09893827140331268, -0.09933196008205414, -0.06579994410276413, -0.07376401871442795, -0.062301766127347946, -0.05858386680483818, -0.05476522818207741, -0.046043913811445236, -0.04764684662222862, -0.024619489908218384, -0.03925338387489319, -0.042654819786548615, -0.029306655749678612, 0.01823287270963192, 0.025495467707514763, 0.037661753594875336, 0.04206645116209984, 0.005082510411739349, 0.03894741088151932, 0.04021545499563217, 0.08597864210605621, 0.08821550756692886, 0.09256357699632645, 0.09751664847135544, 0.07389893382787704, 0.091544009745121, 0.09202130883932114, 0.12066265195608139, 0.10250435769557953, 0.10329177230596542, 0.11733284592628479, 0.09783053398132324, 0.11062148958444595, 0.088633693754673, 0.08798128366470337, 0.08704457432031631, 0.08192849904298782, 0.07639914005994797, 0.08259791135787964, 0.06817140430212021, 0.05819876492023468, 0.04461481049656868, 0.03200281038880348, 0.03482850641012192, 0.025862354785203934, 0.04047030955553055, 0.012969067320227623, 0.024460474029183388, 0.02946138195693493, 0.017725232988595963, 0.012683052569627762, 0.004876111168414354, 0.020692922174930573, 0.02215403877198696, 0.005080993752926588, 0.033517949283123016, 0.02229948155581951, 0.03088146448135376, 0.018601635470986366, 0.009734921157360077, 0.02710677497088909, 0.02193225547671318, 0.04087553918361664, 0.028207138180732727, 0.020968690514564514, 0.024099862203001976, -0.004850086756050587, 0.01255869772285223, -0.0006831921637058258, -0.011830656789243221, 0.0012063992908224463, -0.040809035301208496, -0.007676692213863134, -0.04638662934303284, -0.03299885615706444, -0.07150288671255112, -0.09868872165679932, -0.07493717223405838, -0.11880990862846375, -0.08176075667142868, -0.08997482061386108, -0.1244230791926384, -0.14056333899497986, -0.1878414750099182, -0.178622767329216, -0.12709815800189972, -0.1864079236984253, -0.1502588540315628, -0.1806500405073166, -0.21719565987586975, -0.16937290132045746, -0.22994117438793182, -0.18576449155807495, -0.23166239261627197, -0.21420884132385254, -0.21374757587909698, -0.2134895920753479, -0.08174788951873779, -0.0864504799246788, -0.0896463692188263, -0.14563563466072083, -0.2251538187265396, -0.01871916837990284, -0.06203727796673775, 0.0755254402756691, 0.06294361501932144, 0.017751598730683327, 0.06085318699479103, -0.029289117082953453, 0.11308123916387558, 0.08966619521379471, 0.17586643993854523, 0.1885177493095398, 0.11556674540042877, 0.18378596007823944, 0.14993324875831604, 0.16966545581817627, 0.14409007132053375, 0.10674586892127991, 0.18300002813339233, 0.136965811252594, 0.1812482476234436, 0.15633201599121094, 0.08410615473985672, 0.07997936010360718, 0.000643803970888257, 0.038538314402103424, 0.06474241614341736, 0.06543085724115372, 0.050849154591560364, -0.024202855303883553, -0.04162144660949707, -0.0694461315870285, -0.07891210913658142, -0.042125165462493896, -0.06460535526275635, -0.051503073424100876, -0.07400546222925186, -0.09930688887834549, -0.07443457096815109, -0.11257582902908325, -0.08479422330856323, -0.09811766445636749, -0.08844177424907684, -0.042045753449201584, -0.0570356659591198, -0.015100634656846523, -0.04966222122311592, -0.05682486295700073, -0.03385838866233826, -0.07047189027070999, 0.047411203384399414, 0.02887490577995777, 0.047574859112501144, 0.05803447961807251, -0.009433423168957233, 0.05051702260971069, 0.03899511322379112, 0.08943440020084381, 0.1025530993938446, 0.11207503080368042, 0.10144143551588058, 0.06708166003227234, 0.0832456424832344, 0.10957945138216019, 0.10187700390815735, 0.10789774358272552, 0.08161887526512146, 0.12070102244615555, 0.12078758329153061, 0.09364742785692215, 0.10259946435689926, 0.04233192652463913, 0.08506053686141968, 0.08350180834531784, 0.08657831698656082, 0.12130800634622574, 0.07747185975313187, 0.04641665518283844, 0.03044893406331539, 0.039552897214889526, 0.05872507020831108, 0.05392461642622948, 0.06633362919092178, 0.030934831127524376, 0.030666610226035118, 0.03473011031746864, 0.012325314804911613, 0.03550807386636734, 0.03812897577881813, 0.03717367723584175, 0.03409499302506447, 0.027270697057247162, 0.052811089903116226, 0.03382382169365883, 0.022453712299466133, 0.03695045784115791, 0.040755223482847214, 0.06488481909036636, 0.054310452193021774, 0.047548796981573105, 0.04462699219584465, 0.029701391234993935, 0.05017111077904701, 0.020532535389065742, 0.04418129846453667, 0.032670456916093826, 0.006902665365487337, 0.016449494287371635, -0.01630348153412342, 0.003034276654943824, -0.02110307291150093, -0.03110409528017044, -0.044325631111860275, -0.0547429621219635, -0.034693457186222076, -0.08342479169368744, -0.10101921856403351, -0.11787539720535278, -0.1221112534403801, -0.11097731441259384, -0.11722487211227417, -0.11780276894569397, -0.15561461448669434, -0.17703017592430115, -0.196553036570549, -0.18044623732566833, -0.193029522895813, -0.16756175458431244, -0.17302648723125458, -0.172618567943573, -0.2180778533220291, -0.18850161135196686, -0.22896133363246918, -0.2569902241230011, -0.11597970873117447, -0.2588351368904114, -0.15527546405792236, -0.13101106882095337, -0.11076816916465759, 0.017021657899022102, -0.1721581220626831, -0.09506867080926895, -0.12821246683597565, 0.019154997542500496, 0.06960069388151169, 0.06148545816540718, 0.14496970176696777, -0.010488073341548443, 0.11279362440109253, 0.044775087386369705, 0.0862799808382988, 0.22986797988414764, 0.14519868791103363, 0.23471564054489136, 0.13340607285499573, 0.1689579337835312, 0.17630603909492493, 0.10958611220121384, 0.1688344031572342, 0.09780922532081604, 0.18328817188739777, 0.13879887759685516, 0.12923197448253632, 0.12744350731372833, 0.011155563406646252, 0.031854595988988876, -0.025466037914156914, 0.01628231815993786, 0.05557282269001007, 0.014210870489478111, 0.004908715840429068, -0.07161550223827362, -0.0873371809720993, -0.11415907740592957, -0.092448391020298, -0.061617087572813034, -0.0755358338356018, -0.05871023237705231, -0.09667562693357468, -0.09414979815483093, -0.10105247050523758, -0.10895151644945145, -0.08370760083198547, -0.08288917690515518, -0.04390531778335571, -0.02255057543516159, -0.019677311182022095, -0.014130433090031147, -0.03084959089756012, -0.041739825159311295, -0.024562526494264603, 0.01971852406859398, 0.06147219240665436, 0.07269196957349777, 0.07047270238399506, 0.05630283057689667, 0.04612813889980316, 0.05369624122977257, 0.06469941139221191, 0.10822678357362747, 0.11677170544862747, 0.10764690488576889, 0.09259583801031113, 0.07268492132425308, 0.09478229284286499, 0.07945363968610764, 0.08910251408815384, 0.051484204828739166, 0.09518729150295258, 0.09588902443647385, 0.09407184273004532, 0.09892293810844421, 0.010365135967731476, 0.05764077603816986, 0.004234005697071552, 0.07290443778038025, 0.09813826531171799, 0.056207939982414246, 0.06323038786649704, 0.015399225056171417, 0.027195733040571213, 0.010215896181762218, 0.03870319947600365, 0.051756639033555984, 0.03782346844673157, 0.06323371082544327, 0.03401161730289459, 0.031384460628032684, 0.0547337532043457, 0.020056871697306633, 0.060899943113327026, 0.047725990414619446, 0.07007879763841629, 0.07257995009422302, 0.06154876574873924, 0.057796332985162735, 0.04224718362092972, 0.06394195556640625, 0.05027984455227852, 0.0748363509774208, 0.0760764330625534, 0.050326209515333176, 0.05777473747730255, 0.03177090361714363, 0.03903338685631752, 0.04072423651814461, 0.023158645257353783, 0.03971591591835022, 0.006716701667755842, 0.0021681266371160746, -0.01885153353214264, -0.025214912369847298, -0.03606041893362999, -0.03963308036327362, -0.060341205447912216, -0.05616762861609459, -0.08113221824169159, -0.09018564969301224, -0.09718324989080429, -0.11698924750089645, -0.09770926088094711, -0.1555725485086441, -0.12480867654085159, -0.1671280860900879, -0.15188632905483246, -0.1398967206478119, -0.18167206645011902, -0.16064047813415527, -0.18615306913852692, -0.1808796375989914, -0.18701119720935822, -0.18543247878551483, -0.18944980204105377, -0.1628524363040924, -0.19006744027137756, -0.19903255999088287, -0.2096947431564331, -0.1884135901927948, -0.18116213381290436, -0.19448858499526978, -0.145670548081398, -0.11846145242452621, -0.008749290369451046, -0.06547507643699646, -0.046748071908950806, -0.10609382390975952, -0.1011604517698288, 0.08658166974782944, 0.0678395926952362, 0.1288287490606308, 0.10098550468683243, 0.08467113971710205, 0.1158762201666832, 0.07829034328460693, 0.16227763891220093, 0.14885514974594116, 0.2363600879907608, 0.18420051038265228, 0.15957795083522797, 0.19184210896492004, 0.13282336294651031, 0.1660342514514923, 0.10522720962762833, 0.12058264762163162, 0.13444820046424866, 0.12859781086444855, 0.11476057022809982, 0.05067804828286171, 0.033379293978214264, -0.016159111633896828, -0.017211219295859337, -0.02884785644710064, -0.0007199973915703595, -0.0184615645557642, -0.04238012433052063, -0.062478434294462204, -0.10628880560398102, -0.0946497917175293, -0.12412811070680618, -0.08554723858833313, -0.08908864855766296, -0.06452640146017075, -0.07829228788614273, -0.10488715022802353, -0.06901481002569199, -0.08634201437234879, -0.06016756594181061, -0.04610079899430275, -0.0214147437363863, 0.01173442229628563, -0.002538868226110935, 0.019106289371848106, 0.010682332329452038, 0.007672247942537069, 0.04436560720205307, 0.03901204839348793, 0.0974811464548111, 0.09366157650947571, 0.09477036446332932, 0.09027484059333801, 0.05537696182727814, 0.09429576992988586, 0.08173016458749771, 0.11786627769470215, 0.11646702885627747, 0.10866039991378784, 0.09418271481990814, 0.07112235575914383, 0.08416659384965897, 0.06841719895601273, 0.06934837251901627, 0.061161935329437256, 0.05805530771613121, 0.07038255780935287, 0.06060503050684929, 0.06428710371255875, 0.027087608352303505, 0.00279020587913692, 0.01061713695526123, 0.019815882667899132, 0.054140493273735046, 0.04862969368696213, 0.03691429644823074, 0.024661747738718987, 0.013541274704039097, 0.025264941155910492, 0.045293476432561874, 0.05434158444404602, 0.06950495392084122, 0.05771845579147339, 0.06688106805086136, 0.06740882247686386, 0.07960349321365356, 0.07458657026290894, 0.06995803117752075, 0.09959027171134949, 0.08178582042455673, 0.11681495606899261, 0.10099243372678757, 0.08984609693288803, 0.09545154124498367, 0.06506861001253128, 0.08903253078460693, 0.09361275285482407, 0.08792678266763687, 0.08340878784656525, 0.05770263075828552, 0.044818200170993805, 0.0419733002781868, 0.026185527443885803, 0.02753225713968277, 0.03881222382187843, 0.008290039375424385, 0.0005298822070471942, -0.0281364805996418, -0.05618303641676903, -0.055018290877342224, -0.051900714635849, -0.0634564459323883, -0.07434593886137009, -0.08773653209209442, -0.09414159506559372, -0.11285194754600525, -0.11793815344572067, -0.11475302278995514, -0.12288669496774673, -0.13874825835227966, -0.12044703960418701, -0.13399247825145721, -0.16457810997962952, -0.1265973001718521, -0.1686868965625763, -0.14502370357513428, -0.15222759544849396, -0.16348771750926971, -0.16481444239616394, -0.18905401229858398, -0.12477023154497147, -0.18369527161121368, -0.14585314691066742, -0.1320018321275711, -0.22647081315517426, -0.14822261035442352, -0.22275054454803467, -0.14003325998783112, -0.15142694115638733, -0.1433631181716919, -0.018198242411017418, -0.02767685241997242, -0.03148560971021652, -0.14340740442276, -0.04412863403558731, -0.03693519905209541, 0.07588169723749161, 0.1103474572300911, 0.06233552470803261, 0.14916940033435822, 0.06304234266281128, 0.10740908235311508, 0.0828702300786972, 0.1232631504535675, 0.19689063727855682, 0.15885865688323975, 0.18511082231998444, 0.14523865282535553, 0.17016634345054626, 0.11331064254045486, 0.08667292445898056, 0.09955882281064987, 0.06443197280168533, 0.11500269919633865, 0.08418447524309158, 0.07668875902891159, 0.03844383358955383, -0.035723138600587845, -0.04827555641531944, -0.08171093463897705, -0.04719248414039612, -0.02769237942993641, -0.02858513779938221, -0.049372218549251556, -0.09927904605865479, -0.11048811674118042, -0.148444265127182, -0.1090083122253418, -0.08789204806089401, -0.0733976885676384, -0.048978451639413834, -0.07555795460939407, -0.06727363914251328, -0.06829871237277985, -0.06812997907400131, -0.052260033786296844, -0.028269192203879356, 0.04826076701283455, 0.02904951572418213, 0.02424616366624832, 0.038071613758802414, 0.005231743678450584, 0.05561511218547821, 0.04459267854690552, 0.07387468963861465, 0.11874371021986008, 0.09903666377067566, 0.08850651234388351, 0.06694917380809784, 0.07024713605642319, 0.0678374394774437, 0.0836426243185997, 0.07749942690134048, 0.09216895699501038, 0.09717404842376709, 0.03094584494829178, 0.04870205372571945, 0.054605577141046524, 0.016314176842570305, 0.025730842724442482, 0.027510924264788628, 0.040339160710573196, 0.04041549563407898, 0.03461742028594017, 0.006139024160802364, -0.016609644517302513, -0.015546769835054874, -0.004135348834097385, 0.017538821324706078, 0.036817409098148346, 0.04528224840760231, 0.022958850488066673, 0.011957123875617981, 0.028925994411110878, 0.030093880370259285, 0.04152591899037361, 0.07274042814970016, 0.0829240083694458, 0.0915021300315857, 0.07496670633554459, 0.07414186000823975, 0.06916984915733337, 0.08096426725387573, 0.09921380877494812, 0.10236451029777527, 0.1128859594464302, 0.10873017460107803, 0.10471086204051971, 0.08285556733608246, 0.07368398457765579, 0.0682005062699318, 0.07151776552200317, 0.08385809510946274, 0.09240797907114029, 0.07361605763435364, 0.05416169390082359, 0.02877192199230194, 0.0073296246118843555, 0.015799863263964653, 0.009577088057994843, 0.02357032522559166, 0.004428197629749775, -0.0028345040045678616, -0.02668343111872673, -0.055495236068964005, -0.060279931873083115, -0.0754753053188324, -0.05588763952255249, -0.08485838770866394, -0.06539678573608398, -0.07325766980648041, -0.09465222805738449, -0.08349457383155823, -0.1253461092710495, -0.12005510181188583, -0.09744869917631149, -0.0972852036356926, -0.09603096544742584, -0.11087033152580261, -0.12580402195453644, -0.12460676580667496, -0.14691583812236786, -0.13551802933216095, -0.11251626908779144, -0.16444626450538635, -0.10223080962896347, -0.166866272687912, -0.16915805637836456, -0.15237899124622345, -0.14524950087070465, -0.13004399836063385, -0.20444652438163757, -0.0959189310669899, -0.2615309953689575, -0.149311363697052, -0.19427470862865448, -0.2147015929222107, -0.1027701273560524, -0.12342258542776108, 0.09278759360313416, -0.11777588725090027, -0.0687476173043251, -0.12966124713420868, -0.058143407106399536, 0.08965438604354858, -0.005054153501987457, 0.17855145037174225, 0.04173414409160614, 0.15489380061626434, 0.08632183820009232, 0.026727965101599693, 0.17344950139522552, 0.07172362506389618, 0.23161619901657104, 0.12244410067796707, 0.1677231639623642, 0.16805005073547363, 0.08847922086715698, 0.13262976706027985, 0.011643582955002785, 0.1035945862531662, 0.03595608472824097, 0.09491671621799469, 0.08794420957565308, -0.005775317549705505, 0.009820443578064442, -0.08322159945964813, -0.05417199060320854, -0.08107765018939972, -0.05591832846403122, -0.03279007971286774, -0.06422536075115204, -0.039220161736011505, -0.11512140184640884, -0.09347818791866302, -0.13678531348705292, -0.08279888331890106, -0.06539145112037659, -0.0544622577726841, -0.012355358339846134, -0.023774979636073112, -0.008714835159480572, -0.03811658173799515, -0.040512509644031525, -0.015316051431000233, 0.03857802227139473, 0.06389966607093811, 0.06978331506252289, 0.08108094334602356, 0.07982256263494492, 0.0794973224401474, 0.058157309889793396, 0.06056718900799751, 0.07397700846195221, 0.10214393585920334, 0.12803243100643158, 0.09348630905151367, 0.09614409506320953, 0.0360604003071785, 0.05063119903206825, 0.034369781613349915, 0.04927845299243927, 0.03308950737118721, 0.02996707707643509, 0.0839875191450119, 0.002353882882744074, 0.018542706966400146, -0.07193262875080109, -0.053266365081071854, 0.008769159205257893, -0.04468386620283127, 0.030994867905974388, 0.032415322959423065, 0.04006500914692879, -0.02874610759317875, -0.019693804904818535, -0.005154944024980068, -0.02121725305914879, 0.0811651274561882, 0.04155502840876579, 0.09578460454940796, 0.07696984708309174, 0.06964578479528427, 0.08504655957221985, 0.05288991332054138, 0.12860791385173798, 0.09545201808214188, 0.11741697043180466, 0.13426968455314636, 0.13177351653575897, 0.11847186833620071, 0.09873044490814209, 0.11149676889181137, 0.07104436308145523, 0.09620488435029984, 0.08985164761543274, 0.10555550456047058, 0.09407930821180344, 0.0639808252453804, 0.06286109238862991, 0.03386244550347328, 0.03455166891217232, 0.02287292666733265, 0.03551130369305611, 0.03079748898744583, 0.04403078556060791, 0.02338116616010666, 0.00876614823937416, -5.013650661567226e-05, -0.027613112702965736, -0.003987849690020084, -0.026628851890563965, 0.007508001755923033, -0.009781751781702042, -0.018125180155038834, -0.010256541892886162, -0.050353944301605225, -0.025085831061005592, -0.05815877020359039, -0.04724247381091118, -0.05086538568139076, -0.041242536157369614, -0.03671259805560112, -0.05874566361308098, -0.06916099786758423, -0.07665296643972397, -0.07756439596414566, -0.08538825809955597, -0.07693815976381302, -0.09537026286125183, -0.09563452005386353, -0.1089491918683052, -0.13366295397281647, -0.12894071638584137, -0.13261409103870392, -0.11875259876251221, -0.14289376139640808, -0.15614275634288788, -0.1675768494606018, -0.16949698328971863, -0.1548754721879959, -0.14026686549186707, -0.1296522617340088, -0.18851050734519958, -0.1874271035194397, -0.20568634569644928, -0.2179528772830963, -0.16879908740520477, -0.13497275114059448, -0.1321040391921997, 0.027743885293602943, 0.031117960810661316, -0.06834913790225983, -0.04834736883640289, -0.10272198915481567, -0.0077667380683124065, 0.0754975751042366, 0.11796116083860397, 0.16968388855457306, 0.14007122814655304, 0.1408151388168335, 0.05288587510585785, 0.1180700957775116, 0.09304536879062653, 0.1467314511537552, 0.18831923604011536, 0.11618277430534363, 0.19988401234149933, 0.0959845781326294, 0.0764155462384224, 0.03584802523255348, -0.0013315388932824135, 0.03310789540410042, -0.0040543838404119015, 0.046833500266075134, 0.01646394468843937, -0.014982069842517376, -0.0720384269952774, -0.10348376631736755, -0.12089351564645767, -0.1298891305923462, -0.06592594087123871, -0.056124165654182434, -0.03869711980223656, -0.051227867603302, -0.07559367269277573, -0.09332847595214844, -0.10122647136449814, -0.05369161441922188, -0.04235263168811798, 0.010278908535838127, 0.03150929883122444, 0.05825464427471161, 0.059623971581459045, 0.014106877148151398, 0.022989194840192795, 0.019474638625979424, 0.08274682611227036, 0.10137765109539032, 0.12123870849609375, 0.12778545916080475, 0.10949576646089554, 0.09115056693553925, 0.045580342411994934, 0.042106859385967255, 0.057701513171195984, 0.08494147658348083, 0.09185954928398132, 0.06972035020589828, 0.03851684182882309, 0.0037298633251339197, -0.013579749502241611, -0.0206624586135149, -0.025902574881911278, -0.032683681696653366, -0.002872270764783025, -0.010957935824990273, -0.02176429145038128, -0.043788179755210876, -0.06334635615348816, -0.061209455132484436, -0.06063830852508545, -0.03543689474463463, 0.0017537944950163364, 0.047175128012895584, 0.05460482835769653, 0.02499205805361271, 0.01685037650167942, 0.027636174112558365, 0.047136079519987106, 0.07921332865953445, 0.12495573610067368, 0.16141369938850403, 0.1397881805896759, 0.137534499168396, 0.10794887691736221, 0.10358747839927673, 0.11092904955148697, 0.12180677056312561, 0.13933014869689941, 0.1313294917345047, 0.12093359977006912, 0.08950795978307724, 0.08259475231170654, 0.0626005306839943, 0.03855464234948158, 0.04433392360806465, 0.03485063835978508, 0.04550530016422272, 0.029901184141635895, 0.015739044174551964, 0.009893295355141163, -0.021421091631054878, -0.010295483283698559, -0.0317331925034523, -0.007564059924334288, 0.009833280928432941, 0.009494418278336525, 0.011977286078035831, -0.0015349583700299263, -0.000713190296664834, -0.0166142787784338, 0.00047699970309622586, 0.00302357180044055, 0.016124175861477852, 0.030605249106884003, 0.010179856792092323, 0.01788122020661831, -0.004091500770300627, 0.0010573036270216107, -0.015845749527215958, -0.01865803264081478, -0.009299138560891151, -0.022649437189102173, -0.02197355031967163, -0.04191579297184944, -0.06525196880102158, -0.08579486608505249, -0.09379716217517853, -0.10659641772508621, -0.10153219103813171, -0.10583057254552841, -0.11441734433174133, -0.12243694067001343, -0.15023373067378998, -0.14653240144252777, -0.16331923007965088, -0.16983328759670258, -0.15728068351745605, -0.15730790793895721, -0.15049029886722565, -0.15334464609622955, -0.16534915566444397, -0.17888329923152924, -0.15281942486763, -0.1965702474117279, -0.14116623997688293, -0.09498634934425354, -0.11480563879013062, -0.10301492363214493, -0.13234183192253113, -0.12351241707801819, -0.06507622450590134, 0.015136477537453175, 0.003002091310918331, 0.07357645779848099, 0.12803252041339874, 0.049106985330581665, 0.07720636576414108, 0.009463375434279442, 0.09569010883569717, 0.17276178300380707, 0.1513032615184784, 0.17285822331905365, 0.11774098873138428, 0.13532693684101105, 0.084991455078125, 0.11220704764127731, 0.07039987295866013, 0.06752952188253403, 0.09007629752159119, 0.006667573936283588, 0.04049625247716904, -0.014220898039638996, -0.023370565846562386, -0.012262428179383278, -0.05225403606891632, -0.04989764094352722, -0.0968511775135994, -0.10154484957456589, -0.08974257111549377, -0.07051444798707962, -0.07678316533565521, -0.07718232274055481, -0.05516669154167175, -0.06642895191907883, -0.059884894639253616, -0.05902363359928131, -0.02923910692334175, 0.009481885470449924, 0.013669251464307308, 0.04231216385960579, 0.037596870213747025, 0.05881594493985176, 0.07015464454889297, 0.07179536670446396, 0.07250668108463287, 0.08023112267255783, 0.08491013944149017, 0.08815958350896835, 0.09659532457590103, 0.08606967329978943, 0.08936584740877151, 0.07895441353321075, 0.05742796137928963, 0.04611015319824219, 0.02868950366973877, -0.0031369193457067013, -0.003099777502939105, -0.004269801080226898, 0.001972454832866788, -0.011011917144060135, -0.04217234626412392, -0.05492794141173363, -0.07099177688360214, -0.08287689089775085, -0.07688926160335541, -0.058357108384370804, -0.03115054778754711, -0.02076924964785576, -0.03509040176868439, -0.04717113450169563, -0.04918838292360306, -0.008199154399335384, 0.017142457887530327, 0.02312222123146057, 0.06532830744981766, 0.05704747512936592, 0.07670076191425323, 0.09720755368471146, 0.0974324494600296, 0.12629543244838715, 0.1254921555519104, 0.12995241582393646, 0.12195298075675964, 0.11931975930929184, 0.128241166472435, 0.13172201812267303, 0.1377769261598587, 0.11118161678314209, 0.08766728639602661, 0.06258531659841537, 0.037694498896598816, 0.05343763530254364, 0.03203591704368591, 0.033192168921232224, 0.02605312503874302, 0.010266996920108795, -0.011609361506998539, -0.02304837480187416, -0.009416614659130573, -0.011442622169852257, -0.010001979768276215, -0.006351605523377657, -0.007851962931454182, -0.014315016567707062, 0.0019706054590642452, 0.013059009797871113, 0.013974685221910477, 0.02780907042324543, 0.025568237528204918, 0.020989060401916504, 0.0174251738935709, 0.033948518335819244, 0.02624897100031376, 0.02910374291241169, 0.041746750473976135, 0.0318346843123436, 0.026001164689660072, 0.010018195025622845, -0.0034424494951963425, -0.013854908756911755, -0.03362717851996422, -0.0359802320599556, -0.03407594934105873, -0.032422106713056564, -0.040525615215301514, -0.07590534538030624, -0.08434906601905823, -0.1023511290550232, -0.11412961781024933, -0.10468771308660507, -0.11930084973573685, -0.12081483006477356, -0.13218136131763458, -0.1455850899219513, -0.146386057138443, -0.14417719841003418, -0.14696617424488068, -0.12855446338653564, -0.13961614668369293, -0.12111330777406693, -0.10629885643720627, -0.11954999715089798, -0.1281338781118393, -0.13152332603931427, -0.15881408751010895, -0.14871318638324738, -0.11550387740135193, -0.1005452424287796, -0.06785568594932556, -0.06101533770561218, -0.06484226137399673, -0.06448421627283096, -0.12090900540351868, -0.12455344200134277, -0.008694018237292767, 0.05661677569150925, 0.12834477424621582, 0.13312192261219025, 0.09252094477415085, 0.07258549332618713, 0.06544177979230881, 0.03903821483254433, 0.03276192024350166, 0.11743610352277756, 0.14936891198158264, 0.16565614938735962, 0.11985861510038376, 0.07600574195384979, 0.07265631854534149, 0.048258211463689804, 0.020300477743148804, 0.01731346733868122, -0.015939604490995407, -0.009200488217175007, -0.009640579111874104, -0.014159171842038631, -0.019272999837994576, -0.043010417371988297, -0.051543768495321274, -0.09047282487154007, -0.09443146735429764, -0.1190592423081398, -0.08330485224723816, -0.044482309371232986, -0.017614521086215973, -0.009094850160181522, -0.019571809098124504, -0.006827307399362326, -0.01739237643778324, -0.020190780982375145, -0.0029406086541712284, 0.02006966806948185, 0.0691598430275917, 0.08627963811159134, 0.08132870495319366, 0.0794328898191452, 0.07799156755208969, 0.08701246976852417, 0.06860022991895676, 0.06908280402421951, 0.04952443018555641, 0.05334394425153732, 0.03917001187801361, 0.04127850383520126, 0.048667870461940765, 0.028230508789420128, 0.024957040324807167, -0.014110494405031204, -0.022348247468471527, -0.04839206114411354, -0.05832454562187195, -0.05254318565130234, -0.04494321346282959, -0.025738701224327087, -0.04055507853627205, -0.04207390919327736, -0.05865103006362915, -0.055840399116277695, -0.0415513701736927, -0.03594907373189926, -0.015359700657427311, -0.005637614522129297, 0.014626849442720413, 0.01913134567439556, 0.024503998458385468, 0.054057180881500244, 0.06941958516836166, 0.07847759872674942, 0.07762447744607925, 0.08254007250070572, 0.09405796974897385, 0.11343955248594284, 0.12156274914741516, 0.13586001098155975, 0.13541990518569946, 0.13025318086147308, 0.11203170567750931, 0.0916479229927063, 0.09202475845813751, 0.07741522789001465, 0.08387144654989243, 0.07944227010011673, 0.061647817492485046, 0.0439937487244606, 0.02011021412909031, 0.0023697323631495237, -0.005312349181622267, -0.004352183546870947, -0.013642918318510056, 0.000985656981356442, 0.007264246232807636, -0.00960854347795248, 0.017049448564648628, -0.0004264470480848104, 0.008069937117397785, 0.01171211525797844, 0.008433312177658081, 0.01565181277692318, 0.017510538920760155, 0.04199391230940819, 0.03844159096479416, 0.055049121379852295, 0.048625875264406204, 0.0459166020154953, 0.029103608801960945, 0.025220535695552826, 0.019478939473628998, 0.0026469449512660503, 0.006816183682531118, 0.003833218477666378, 0.010615604929625988, -0.012177759781479836, -0.02644522115588188, -0.035867609083652496, -0.06214078888297081, -0.06444261968135834, -0.09484580159187317, -0.09289667755365372, -0.11256679147481918, -0.1063506081700325, -0.10689539462327957, -0.10936625301837921, -0.09922128170728683, -0.11427443474531174, -0.11501364409923553, -0.12944655120372772, -0.14668743312358856, -0.13160847127437592, -0.14892195165157318, -0.12987327575683594, -0.13681720197200775, -0.11670931428670883, -0.09803339838981628, -0.11089680343866348, -0.06428760290145874, -0.10198640823364258, -0.08131207525730133, -0.08283913880586624, -0.1101454570889473, -0.11514845490455627, -0.1359546184539795, -0.10825420171022415, -0.11208852380514145, -0.0959833562374115, -0.0487576462328434, -0.019122933968901634, 0.04221917688846588, 0.017525797709822655, 0.01174797210842371, 0.017710093408823013, 0.02627483755350113, 0.06947572529315948, 0.055789634585380554, 0.06798665225505829, 0.08611313998699188, 0.12092816829681396, 0.11754860728979111, 0.09898409992456436, 0.10480538010597229, 0.08223110437393188, 0.06319107860326767, 0.04107227921485901, 0.01217232272028923, 0.021270183846354485, 0.02001742273569107, 0.024337559938430786, 0.016187097877264023, -0.011852915398776531, -0.03509029746055603, -0.0650995522737503, -0.081992007791996, -0.09281828254461288, -0.08346118032932281, -0.07555917650461197, -0.06349865347146988, -0.06946394592523575, -0.0731089636683464, -0.07227089256048203, -0.04926379770040512, -0.029854243621230125, -0.030678370967507362, -0.012558150105178356, -0.0021703767124563456, 0.021915921941399574, 0.04287136346101761, 0.04388989135622978, 0.05951753258705139, 0.07064050436019897, 0.07674197852611542, 0.07866451889276505, 0.08252499997615814, 0.09818417578935623, 0.09693913161754608, 0.09509017318487167, 0.07039542496204376, 0.06061751767992973, 0.047382619231939316, 0.03570546582341194, 0.03830034285783768, 0.027095608413219452, 0.02251548133790493, 0.005224806256592274, 0.00050632149213925, -0.020674321800470352, -0.03301765397191048, -0.04739690199494362, -0.057274043560028076, -0.05691259354352951, -0.06251475214958191, -0.057479050010442734, -0.04878236725926399, -0.03511805459856987, -0.025343256071209908, -0.020962657406926155, -0.01599123701453209, -0.012397502548992634, -9.625773964216933e-05, 0.006569473538547754, 0.00902619119733572, 0.029113998636603355, 0.048364244401454926, 0.07285156100988388, 0.08524569869041443, 0.09710359573364258, 0.1052369549870491, 0.10499367117881775, 0.10950852185487747, 0.1001976951956749, 0.09416810423135757, 0.09748778492212296, 0.09098150581121445, 0.08190877735614777, 0.07094099372625351, 0.06713543087244034, 0.06565702706575394, 0.0614209920167923, 0.05943896248936653, 0.03989097848534584, 0.03422055393457413, 0.017954206094145775, 0.0054338774643838406, -0.004131170455366373, -0.003129345364868641, 0.004613939207047224, 0.00341817457228899, 0.016792409121990204, 0.02063629776239395, 0.024612192064523697, 0.032603222876787186, 0.03159377723932266, 0.03867848217487335, 0.03740290552377701, 0.029521921649575233, 0.035578809678554535, 0.02527351677417755, 0.028518883511424065, 0.031282439827919006, 0.03849906846880913, 0.03421953693032265, 0.03189905360341072, 0.025803597643971443, 0.005298679694533348, 0.003053019056096673, -0.017863955348730087, -0.0199136883020401, -0.034166861325502396, -0.04581310600042343, -0.04955526068806648, -0.06748203933238983, -0.07447934150695801, -0.08329164236783981, -0.0888916552066803, -0.09725496917963028, -0.1053931936621666, -0.10731154680252075, -0.11455153673887253, -0.11771631985902786, -0.11676466464996338, -0.11120083183050156, -0.10615760087966919, -0.09561531990766525, -0.08959447592496872, -0.08724822849035263, -0.08148939907550812, -0.08327987790107727, -0.0776764526963234, -0.07933568209409714, -0.07790343463420868, -0.07429784536361694, -0.07594745606184006, -0.07155825942754745, -0.06672751158475876, -0.0661851316690445, -0.06374183297157288, -0.06820788979530334, -0.07276342809200287, -0.08538301289081573, -0.09809347242116928, -0.10734307765960693, -0.10906140506267548, -0.10134097933769226, -0.08368474245071411, -0.058688823133707047, -0.03718671202659607, -0.003109982004389167, 0.016895325854420662, 0.039261676371097565, 0.05158757045865059, 0.062479596585035324, 0.06768370419740677, 0.06844299286603928, 0.06531126797199249, 0.0674959048628807, 0.07720941305160522, 0.08002613484859467, 0.08970193564891815, 0.0941377729177475, 0.09560711681842804, 0.09575309604406357, 0.08876676112413406, 0.07512414455413818, 0.06225200369954109, 0.04808063432574272, 0.03064933978021145, 0.008635799400508404, -0.006792978383600712, -0.026232091709971428, -0.03092619962990284, -0.04085344448685646, -0.04648797586560249, -0.03822389245033264, -0.04139319062232971, -0.032594118267297745, -0.03625163808465004, -0.03509015217423439, -0.03545345366001129, -0.032801371067762375, -0.030034422874450684, -0.023021183907985687, -0.01280244067311287, -0.005392478778958321, 0.007589341606944799, 0.013486536219716072, 0.020772824063897133, 0.026010723784565926, 0.03186647966504097, 0.041858673095703125, 0.04560093954205513, 0.050209589302539825, 0.05324011668562889, 0.05360797792673111, 0.05752278491854668, 0.055622633546590805, 0.05589954927563667, 0.05292633920907974, 0.045972198247909546, 0.041429851204156876, 0.03139706328511238, 0.023584604263305664, 0.0160576980561018, 0.010608112439513206, 0.0039086854085326195, -0.0025418929290026426, -0.005245732609182596, -0.010020366869866848, -0.009174706414341927, -0.012310808524489403, -0.011561121791601181, -0.011833924800157547, -0.014968323521316051, -0.012414607219398022, -0.013515181839466095, -0.0113318907096982, -0.011541388928890228, -0.006258931010961533, -0.0002969085762742907, 0.008568079210817814, 0.017110059037804604, 0.027300173416733742, 0.03420470282435417, 0.03923509642481804, 0.046395182609558105, 0.04892106354236603, 0.051011908799409866, 0.056632351130247116, 0.05959031358361244, 0.06349262595176697, 0.06547164171934128, 0.06613729149103165, 0.06690792739391327, 0.06642276793718338, 0.0626007467508316, 0.05705764517188072, 0.053407344967126846, 0.04903116822242737, 0.04738636687397957, 0.043114785104990005, 0.03983142226934433, 0.03548537567257881, 0.02758948691189289, 0.024661747738718987, 0.022245796397328377, 0.02127956785261631, 0.020937392488121986, 0.023201724514365196, 0.02456480823457241, 0.02379591576755047, 0.022504333406686783, 0.018269993364810944, 0.01819276250898838, 0.01985009014606476, 0.017056187614798546, 0.018335608765482903, 0.014114157296717167, 0.013968423940241337, 0.010034359060227871, 0.00999541487544775, 0.005602910183370113, 0.0022787770722061396, 1.9783230982284294e-06, -0.005629072431474924, -0.006064733490347862, -0.009951284155249596, -0.010559888556599617, -0.011868450790643692, -0.014403547160327435, -0.015436351299285889, -0.01859300024807453, -0.020282728597521782, -0.01950918696820736, -0.02105267532169819, -0.02192230150103569, -0.022746602073311806, -0.021526485681533813, -0.021559054031968117, -0.020266598090529442, -0.022961026057600975, -0.023005694150924683, -0.023551203310489655, -0.025009160861372948, -0.02349219284951687, -0.024638354778289795, -0.022209450602531433, -0.02086108736693859, -0.01933756098151207, -0.02055615559220314, -0.023583142086863518, -0.023696668446063995, -0.02644648402929306, -0.025459328666329384, -0.026756729930639267, -0.02640557289123535, -0.026574663817882538, -0.02879585325717926, -0.030903920531272888, -0.03234395384788513, -0.034134820103645325, -0.035798393189907074, -0.035294365137815475, -0.036902572959661484, -0.03892919793725014, -0.04003540053963661, -0.039269059896469116, -0.03993837162852287, -0.03825324773788452, -0.03880225867033005, -0.036389753222465515, -0.03438336029648781, -0.033570047467947006, -0.030058903619647026, -0.02786426432430744, -0.026283755898475647, -0.024188069626688957, -0.02408181130886078, -0.022712789475917816, -0.022813264280557632, -0.022910377010703087, -0.019635993987321854, -0.01635618321597576, -0.011517990380525589, -0.01095452532172203, -0.006024706177413464, -0.0037725360598415136, 0.0010465363739058375, 0.005523698404431343, 0.007563696708530188, 0.013082258403301239, 0.014997373335063457, 0.01903598941862583, 0.018990259617567062, 0.02196274697780609, 0.023391736671328545, 0.024106770753860474, 0.02499658614397049, 0.02500128746032715, 0.026925103738904, 0.028650039806962013, 0.0285187941044569, 0.03007439523935318, 0.03029499761760235, 0.030951837077736855, 0.03026779741048813, 0.03150101751089096, 0.03234240040183067, 0.03232796862721443, 0.032905615866184235, 0.03163163736462593, 0.0322481207549572, 0.02897138148546219, 0.026924675330519676, 0.02435366064310074, 0.022873032838106155, 0.02089729718863964, 0.018482891842722893, 0.01803096942603588, 0.015173009596765041, 0.014915789477527142, 0.011729693040251732, 0.010880650952458382, 0.008729039691388607, 0.007076961454004049, 0.007358066737651825, 0.007642200216650963, 0.009382575750350952, 0.008818721398711205, 0.009516419842839241, 0.009344947524368763, 0.009991542436182499, 0.010452746413648129, 0.011576632969081402, 0.013172077015042305, 0.014514357782900333, 0.015534269623458385, 0.01599542610347271, 0.014301867224276066, 0.01622859761118889, 0.01659424789249897, 0.017248839139938354, 0.016617141664028168, 0.01676110364496708, 0.017545342445373535, 0.017318876460194588, 0.017022334039211273, 0.015358809381723404, 0.015497704036533833, 0.013085095211863518, 0.012739927507936954, 0.01092968787997961, 0.010021988302469254, 0.009450827725231647, 0.007536401506513357, 0.007704012095928192, 0.006381775252521038, 0.006600142922252417, 0.00647331029176712, 0.007603619247674942, 0.008553273975849152, 0.00920148566365242, 0.010173177346587181, 0.011199681088328362, 0.012564434669911861, 0.01460177730768919, 0.016062648966908455, 0.017321011051535606, 0.018741048872470856, 0.020360825583338737, 0.021809810772538185, 0.022544831037521362, 0.023975448682904243, 0.023450395092368126, 0.02482045814394951, 0.024599136784672737, 0.024983426555991173, 0.02455536089837551, 0.02408829890191555, 0.024696746841073036, 0.023511670529842377, 0.021816808730363846, 0.01951231248676777, 0.01805832050740719, 0.01566236838698387, 0.01419240701943636, 0.011693493463099003, 0.009517149068415165, 0.008020155131816864, 0.006287259981036186, 0.0039252471178770065, 0.0022460906766355038, 0.0012404508888721466, -0.0003000055148731917, -0.0013781562447547913, -0.002607694361358881, -0.0032127907034009695, -0.004055794328451157, -0.0029923159163445234, -0.0045002824626863, -0.004507687874138355, -0.004981799516826868, -0.005496838595718145, -0.006166670937091112, -0.006845396477729082, -0.007458050269633532, -0.008081769570708275, -0.008176752366125584, -0.00941851269453764, -0.009398509748280048, -0.009877034462988377, -0.010683362372219563, -0.011461252346634865, -0.01228873711079359, -0.013946902006864548, -0.015451452694833279, -0.017505791038274765, -0.019388385117053986, -0.021335037425160408, -0.023174071684479713, -0.024550462141633034, -0.0252803023904562, -0.02676985040307045, -0.027957290410995483, -0.028502756729722023, -0.029113279655575752, -0.02969517558813095, -0.02989289164543152, -0.02968166023492813, -0.029562918469309807, -0.02919388748705387, -0.02850501798093319, -0.027574827894568443, -0.026216300204396248, -0.025283172726631165, -0.0241341944783926, -0.022898906841874123, -0.02156875468790531, -0.020564286038279533, -0.019413718953728676, -0.01790160872042179, -0.016477448865771294, -0.014750514179468155, -0.013296342454850674, -0.012214907445013523, -0.010524030774831772, -0.009277657605707645, -0.008658994920551777, -0.007526759523898363, -0.006621743552386761, -0.005561951082199812, -0.004006609786301851, -0.003445425070822239, -0.002091089729219675, -0.0008210944361053407, 0.00023227768542710692, 0.0012342717964202166, 0.0019077894976362586, 0.002859955420717597, 0.0036530038341879845, 0.00480635603889823, 0.004733585752546787, 0.005597695708274841, 0.006338054314255714, 0.007316276431083679, 0.008680651895701885, 0.008588477969169617, 0.009333115071058273, 0.010594909079372883, 0.011158403940498829, 0.01201643142849207, 0.012090828269720078, 0.011935731396079063, 0.011759544722735882, 0.01133399736136198, 0.010703008621931076, 0.009922971948981285, 0.009555978700518608, 0.008653226308524609, 0.007416181731969118, 0.006148039363324642, 0.004895082209259272, 0.0037424322217702866, 0.0022170476149767637, 0.001974800368770957, 0.0006889799842610955, 0.0008548293844796717, 0.00018090440426021814, -0.0001798382290871814, -0.00046996213495731354, -0.0012259380891919136, -0.0008437132928520441, -0.0009769968455657363, -0.0004399834433570504, -0.0008032838813960552, -4.3539675971260294e-05, 0.0002203461481258273, 0.0005784625536762178, 0.001171761192381382, 0.0009566806838847697, 0.0017424895195290446, 0.0018860491691157222, 0.002213230822235346, 0.0020119294058531523, 0.002104551764205098, 0.002335494849830866, 0.0021098467987030745, 0.0021657312754541636, 0.0020914424676448107, 0.0015164795331656933, 0.0010292493971064687, 0.0003288869047537446, 0.00028357357950881124, 0.0007260213023982942, 0.0005053190398029983, 0.0006504605407826602, 0.0004404649662319571, 0.00025195456692017615, 1.6428306480520405e-05, 0.0008136921678669751, 0.0008072673226706684, 0.0016353038372471929, 0.0015734826447442174, 0.002571054035797715, 0.002825202653184533, 0.003772829892113805, 0.004274583421647549, 0.00474933534860611, 0.005599580705165863, 0.006299239117652178, 0.00748094730079174, 0.007743694353848696, 0.008725493215024471, 0.00895686075091362, 0.009277824312448502, 0.008750212378799915, 0.008360086940228939, 0.008031859993934631, 0.007285383064299822, 0.006997048854827881, 0.005862088408321142, 0.004689227323979139, 0.003953129518777132, 0.0031172025483101606, 0.0024656502064317465, 0.001360026653856039, 0.00011992605141131207, -0.0010456542950123549, -0.0021287219133228064, -0.003581809811294079, -0.004290217533707619, -0.00511635048314929, -0.006105429958552122, -0.006299416068941355, -0.0072560422122478485, -0.007808718364685774, -0.008278917521238327, -0.009647375904023647, -0.009884165599942207, -0.010830650106072426, -0.011637440882623196, -0.011678222566843033, -0.01296236366033554, -0.013862266205251217, -0.014293325133621693, -0.014783891849219799, -0.015296399593353271, -0.015249572694301605, -0.015643419697880745, -0.01595459319651127, -0.015934579074382782, -0.016624288633465767, -0.01647927053272724, -0.016702977940440178, -0.016828389838337898, -0.0164166372269392, -0.01588687114417553, -0.015766941010951996, -0.015393634326756, -0.014931133948266506, -0.014424976892769337, -0.013837143778800964, -0.013197550550103188, -0.012452713213860989, -0.012314283289015293, -0.011769835837185383, -0.011223005130887032, -0.010468234308063984, -0.009754677303135395, -0.00888223759829998, -0.007880599237978458, -0.007066074758768082, -0.006575404200702906, -0.0060761068016290665, -0.005543558858335018, -0.004923900589346886, -0.004386271815747023, -0.004319904837757349, -0.00417584553360939, -0.00405975291505456, -0.0038524128030985594, -0.00336825312115252, -0.0034346694592386484, -0.0032422849908471107, -0.0030309786088764668, -0.0025134170427918434, -0.0026034798938781023, -0.0027338548097759485, -0.0027374825440347195, -0.0029422668740153313, -0.0028978236950933933, -0.002546777483075857, -0.002713687252253294, -0.0022143761161714792, -0.0016007662052288651, -0.0010806104401126504, -0.0010679890401661396, -0.000964699313044548, -0.0007753876852802932, -0.00013081850192975253, 0.0005930825718678534, 0.000671866349875927, 0.0017009751172736287, 0.0023162774741649628, 0.003124112030491233, 0.003620860865339637, 0.003872377797961235, 0.004474511835724115, 0.004782697185873985, 0.005145750008523464, 0.005376607645303011, 0.005719796288758516, 0.00572383776307106, 0.005888911429792643, 0.005596557632088661, 0.005309770815074444, 0.005274058319628239, 0.004932624753564596, 0.004872868303209543, 0.004695733543485403, 0.004342664498835802, 0.004019057843834162, 0.003586839186027646, 0.002969874069094658, 0.002756641246378422, 0.002491638297215104, 0.0022130063734948635, 0.0022370326332747936, 0.001969136530533433, 0.0017775618471205235, 0.001814994146116078, 0.0017814859747886658, 0.001872317399829626, 0.0019634694326668978, 0.0016703755827620625, 0.001383876078762114, 0.0011648485669866204, 0.0009411727078258991, 0.0011572252260521054, 0.0013217777013778687, 0.0012367330491542816, 0.0014093908248469234, 0.0013318927958607674, 0.0012894760584458709, 0.0013029600959271193, 0.0013493815204128623, 0.0015804253052920103, 0.0014569866470992565, 0.0011911123292520642, 0.001001727650873363, 0.00085104611935094, 0.0006476591224782169, 0.0004679292906075716, 0.00042175379348918796, 0.0003073478874284774, 0.00027418354875408113, 0.00019334914395585656, 2.684882201720029e-05, -0.00018277060007676482, -0.0002112796064466238, -0.00016467264504171908, -0.00019813342078123242, -3.897450733347796e-05, -9.796569065656513e-05, -0.00016456998127978295, -2.4801838662824593e-05, -6.765838770661503e-05, -5.946783858234994e-05, -8.456500654574484e-05, 5.069150938652456e-05, -4.873756552115083e-05, -0.00012198585318401456, -0.0002946348686236888, -0.00022599722433369607, 7.770568117848597e-06, -1.8305699995835312e-05, 5.718206011806615e-05, -0.0003461769665591419, -0.00028311184723861516, -0.0005759911728091538, -0.0010715684620663524, -0.0012945318594574928, -0.0011331115383654833, -0.0012012970400974154, -0.0015639126067981124, -0.001549560809507966, -0.0019223201088607311, -0.0022520399652421474, -0.002380147809162736, -0.0025674409698694944, -0.0027259280905127525, -0.002633894793689251, -0.0027395826764404774, -0.0030006342567503452, -0.0031033328268676996, -0.0035027635749429464, -0.0036132524255663157, -0.003743709996342659, -0.003907079342752695, -0.0037024442572146654, -0.003593888133764267, -0.0035620450507849455, -0.003611447522416711, -0.003732404438778758, -0.003731662407517433, -0.0037732943892478943, -0.003461085492745042, -0.0032600045669823885, -0.003056626534089446, -0.0028624641709029675, -0.002508722012862563, -0.002446982078254223, -0.0021256785839796066, -0.0018681599758565426, -0.0017113956855610013, -0.0012185530504211783, -0.0010201790137216449, -0.0007748650969006121, -0.00044102410902269185, -0.00013266208407003433, 8.438245276920497e-05, 0.00015246907423716038, 0.0003609810664784163, 0.0002735375892370939, 0.0002799499488901347, 0.00038495424087159336, 0.0003860178985632956, 0.0003128130338154733, 0.00029038306092843413, 0.00029456635820679367, 0.00040698976954445243, 0.0005516787641681731, 0.0005593335372395813, 0.0005998268024995923, 0.000682797865010798, 0.000654886825941503, 0.0010494726011529565, 0.0008145151659846306, 0.0006987862288951874, 0.000791465921793133, 0.0011421084636822343, 0.00146323605440557, 0.001650251098908484, 0.0018328571459278464, 0.001953408820554614, 0.002059419173747301, 0.0022591298911720514, 0.0022228017915040255, 0.0024337880313396454, 0.0025827093049883842, 0.0027767971623688936, 0.002825831063091755, 0.0027050042990595102, 0.0031400008592754602, 0.0032660099677741528, 0.0033043886069208384, 0.0030915525276213884, 0.002896158955991268, 0.0028369452338665724, 0.002619863487780094, 0.0027104627806693316, 0.00278439256362617, 0.002454164205119014, 0.002298530424013734, 0.0022441893815994263, 0.001887673046439886, 0.0018157846061512828, 0.001850408036261797, 0.0017695791320875287, 0.001751095987856388, 0.0015952781541272998, 0.0015124832279980183, 0.0016510337591171265, 0.001570644206367433, 0.0014240674208849669, 0.0015438843984156847, 0.001510453992523253, 0.001371756661683321, 0.001372954691760242, 0.0014411765150725842, 0.0013350502122193575, 0.0011590322246775031, 0.0012452511582523584, 0.001155385049059987, 0.0009549082606099546, 0.0009127042139880359, 0.0009361013653688133, 0.0008818477508611977, 0.0010254137450829148, 0.0011672880500555038, 0.0011695381253957748, 0.0010150810703635216, 0.0009112103725783527, 0.0007537921774201095, 0.0007751997909508646, 0.0008323206566274166, 0.0009091633837670088, 0.001034208689816296, 0.0009727072319947183, 0.000671433808747679, 0.0005079627153463662, 0.0005655952263623476, 0.0004251500649843365, 0.0004998520598746836, 0.000360754260327667, 0.0005206221831031144, 0.0005953196086920798, 0.0005718073807656765, 0.0005014030612073839, 0.00020259937446098775, 4.193267159280367e-05, -0.00015124805213417858, -0.00021272299636621028, -0.0002441297983750701, -0.00022712419740855694, -0.0002865370479412377, -0.0002110820496454835, -0.0003245693806093186, -0.00048241138574667275, -0.0006057825521565974, -0.0006859236746095121, -0.0009083892800845206, -0.0009666833211667836, -0.0008806748664937913, -0.0010161660611629486, -0.0011034280760213733, -0.0013342034071683884, -0.001411107718013227, -0.001356487744487822, -0.0011774081503972411, -0.001084157614968717, -0.001178648672066629, -0.001327410340309143, -0.0013553461758419871, -0.0012206649407744408, -0.0011402309173718095, -0.0009211489814333618, -0.0008397920173592865, -0.0007509692804887891, -0.0006678092759102583, -0.0006410024943761528, -0.0008936682133935392, -0.0009204979869537055, -0.0007375502027571201, -0.0006981560145504773, -0.0006405762396752834, -0.0007422110647894442, -0.0008172007510438561, -0.0012042172020301223, -0.0014951004413887858, -0.0016107606934383512, -0.0015989425592124462, -0.0016024652868509293, -0.0016664486611261964, -0.001724245841614902, -0.001896508620120585, -0.001965744188055396, -0.002287410432472825, -0.0022751118522137403, -0.002286267466843128, -0.002283936832100153, -0.0021574916318058968, -0.0020250144880264997, -0.0019820465240627527, -0.0019276035018265247, -0.001724365632981062, -0.0016118856146931648, -0.0015402623685076833, -0.0013375396374613047, -0.001024411991238594, -0.0009433181839995086, -0.0006732072797603905, -0.0003952101105824113, -0.00020222633611410856, -0.00023445846454706043, -0.00010197793744737282, 0.000148293751408346, 1.3812584256811533e-05, 0.0002178602881031111, 0.0005521323182620108, 0.0005515061202459037, 0.00042554823448881507, 0.00039094380917958915, 0.00045963109005242586, 0.00040612148586660624, 0.00069567805621773, 0.0006879710126668215, 0.000946937536355108, 0.000950144836679101, 0.0007148238946683705, 0.0006762492703273892, 0.0005940695991739631, 0.0009374457295052707, 0.0006969606620259583, 0.0007659865077584982, 0.0009223662782460451, 0.0010043904185295105, 0.0009087203070521355, 0.0007164701237343252, 0.0007256421959027648, 0.0005764493835158646, 0.0005657625733874738, 0.0006756240036338568, 0.0006272195605561137, 0.0007390097016468644, 0.0009251415613107383, 0.0009530794341117144, 0.0008960259729065001, 0.000987654784694314, 0.000991384033113718, 0.0009698137291707098, 0.0010056059109047055, 0.0009724193369038403, 0.0009236920159310102, 0.0010756644187495112, 0.0010683841537684202, 0.0008910246542654932, 0.0007662833668291569, 0.0007412667036987841, 0.0007072183070704341, 0.0007145834970287979, 0.0006240577786229551, 0.0006731569883413613, 0.000680156925227493, 0.0007482247310690582, 0.0009027735213749111, 0.0008740120101720095, 0.0009213305893354118, 0.000882432796061039, 0.0010581219103187323, 0.0011139176785945892, 0.0010560216614976525, 0.0009839878184720874, 0.0010221624979749322, 0.0009546590154059231, 0.0010326780611649156, 0.0008005473064258695, 0.0007298447308130562, 0.0006909604999236763, 0.0007901262724772096, 0.0006901452434249222, 0.0005505407461896539, 0.0003609622363001108, 0.00018839153926819563, 0.00017257215222343802, 1.9500303096720017e-05, 0.00017271804972551763, 8.545588934794068e-05, 0.0001686647447058931, 0.00013712792133446783, 0.00014421826926991343, 1.6451112969662063e-06, -6.197323818923905e-05, -0.00018397305393591523, -0.00010304190800525248, -4.6727484004804865e-05, -7.589624874526635e-05, -0.00015738226647954434, -0.0002651916292961687, -0.00033772847382351756, -0.0006297930958680809, -0.0005638069123961031, -0.0005605272017419338, -0.0005522298160940409, -0.0005962581490166485, -0.0007341615273617208, -0.0006923198816366494, -0.0008163596503436565, -0.000970861641690135, -0.0009132968843914568, -0.0007503663655370474, -0.000767663586884737, -0.000654939969535917, -0.0007013899739831686, -0.0006515628192573786, -0.0007838489837013185, -0.0008646792266517878, -0.0007312456145882607, -0.0006656583864241838, -0.0005936861271038651, -0.00047297411947511137, -0.00043294040369801223, -0.00025373001699335873, -0.0001675854146014899, -0.00014600342547055334, 9.835382661549374e-05, 0.00022648758022114635, 0.00020189479982946068, 0.00013819012383464724, 0.000271441851509735, 0.0002272283163620159, 0.0002534831000957638, 0.00029364164220169187, 0.000133431502035819, 0.00039465728332288563, 0.0003869025385938585, 0.00041975313797593117, 0.00023314496502280235, 0.00022215342323761433, 0.00020131122437305748, -0.0001477219193475321, -0.0003064132179133594, -0.0003618513001129031, -0.0003098565503023565, -0.00037105195224285126, -0.00019377203716430813, -0.00033812111360020936, -0.0004558397049549967, -0.0005293634021654725, -0.0007560155936516821, -0.0008436972857452929, -0.0008255434804596007, -0.0005313486326485872, -0.0006411627982743084, -0.0007255487143993378, -0.0005075345397926867, -0.0005539831472560763, -0.0005875451606698334, -0.000679905409924686, -0.0007082810043357313, -0.0007028196123428643, -0.0007225094013847411, -0.0007462242501787841, -0.0006707514985464513, -0.0008140690042637289, -0.000829160213470459, -0.0008635881822556257, -0.0009574008290655911, -0.0010069472482427955, -0.0010641360422596335, -0.001065324293449521, -0.0012217783369123936, -0.001226882915943861, -0.0011911623878404498, -0.0010804609628394246, -0.001184460474178195, -0.00121384859085083, -0.0012436795514076948, -0.0012747235596179962, -0.0012900091242045164, -0.0012552679982036352, -0.0012483058962970972, -0.0011463731061667204, -0.0010209523607045412, -0.001261782250367105, -0.001207647961564362, -0.0012333058984950185, -0.0011982618598267436, -0.0011773958103731275, -0.001131980330683291, -0.0010569571750238538, -0.0008270925609394908, -0.0007025193772278726, -0.0007267937762662768, -0.0007509606657549739, -0.0008482255507260561, -0.0006367029855027795, -0.0005361139192245901, -0.0003570538538042456, -0.00013108814891893417, -6.856304389657453e-05, 3.907690188498236e-05, 0.00019967374100815505, 0.00011798925697803497, 7.611413457198068e-05, 0.00017313141142949462, 0.00035598623799160123, 0.000381178455427289, 0.0005640517338179052, 0.00046132112038321793, 0.00027644794317893684, 0.00025102717336267233, 8.352247095899656e-05, -0.00011088058818131685, 0.00022886019723955542, 0.0004242751747369766, 0.0004143442492932081, 0.0002529805642552674, 9.520113235339522e-05, -0.00013908975233789533, -0.0002901185944210738, -7.136400381568819e-05, -0.00016962077643256634, -0.0001881511852843687, -0.0001287316408706829, -0.0002735169546213001, -0.0001823765051085502, -0.00017177821428049356, -0.00021585561626125127, -4.973811155650765e-05, 7.53390122554265e-05, -4.643705324269831e-06, 0.00013339650467969477, 0.000273005454801023, 0.0002092404174618423, 0.0002953063521999866, 0.0003074434935115278, 0.0001327709323959425, 0.00012955759302712977, 0.00016016903100535274, -7.269337947946042e-05, -0.0001375736901536584, -0.00011911618639715016, -0.00032095573260448873, -0.0004610740579664707, -0.0003087778459303081, -0.00017444109835196286, -0.00011620618170127273, -0.00010423197818454355, 8.274727588286623e-05, 0.00021438226394820958, 4.915064710075967e-05, 9.910653898259625e-05, 6.920405576238409e-05, -0.00012619789049495012, 3.486124478513375e-05, -0.0001460230560041964, -5.3211690101306885e-05, -5.0255388487130404e-05, -0.00027237189351581037, -0.0004344975750427693, -0.0004860952030867338, -0.0003938747977372259, -0.00042469671461731195, -0.00024212799326051027, -0.00020068413869012147, -0.000301173742627725, -0.0004028982948511839, -0.0005252343253232539, -0.0006617445615120232, -0.0006372327916324139, -0.0007698271074332297, -0.0006376276141963899, -0.00044984975829720497, -0.0005759185296483338, -0.0005341891082935035, -0.00044924134272150695, -0.00041246903128921986, -3.9327380363829434e-05, -0.0001296850823564455, -4.987127613276243e-05, -4.186275873507839e-06, -0.00025135130272246897, -0.00012603483628481627, -0.00021583744091913104, -0.0003817602409981191, -0.0002802113594952971, -0.0004947406705468893, -0.0005044983117841184, -0.0004504167882259935, -0.00032377714524045587, -0.0005120824207551777, -0.000325702247209847, -0.00014751868729945272, -0.0003239513607695699, 4.7188616008497775e-05, 2.2682748749502935e-05, 1.307480033574393e-06, 0.0001631640043342486, 9.956556459655985e-05, 4.479160998016596e-05, -2.0980467525077984e-05, -0.0006555242580361664, -0.0007113647880032659, -0.0007854460855014622, -0.0009511520038358867, -0.0008133297087624669, -0.0009469008655287325, -0.0009859539568424225, -0.0008702766499482095, -0.0008637235150672495, -0.0010015517473220825, -0.0006887589115649462, -0.0006081594037823379, -0.00035586333251558244, -0.00023337795573752373, -0.0003061557072214782, -0.0003424827300477773, -0.00040636429912410676, -0.0003384208248462528, -0.00040932800038717687, -0.00011519327381392941, -0.0006938734441064298, -0.00045988531201146543, -0.00037427202914841473, -0.00020453365868888795, -0.0002614354307297617, -9.383989527123049e-05, -0.00015227180847432464, 4.7904279199428856e-05, -7.003504288149998e-05, -0.0004313034296501428, -0.00023541391419712454, -0.0005824984982609749, -0.0004266623582225293, -0.0005475367070175707, -0.00032875550095923245, -0.0005356798064894974, -0.0005672413972206414, -0.0005317548639141023, -0.0005356660694815218, -0.0006202347576618195, -0.0006093631964176893, -0.0005734058795496821, -0.00036753498716279864, -0.00026805512607097626, -0.00020680311718024313, -4.220058326609433e-05, -0.00023996779054868966, -0.00016241650155279785, -0.0005593317910097539, -0.000602760526817292, -0.00023285318457055837, -0.0005075872177258134, -0.0005834668409079313, -0.00012273011088836938, -0.00020934618078172207, -0.0001949806319316849, 5.753537698183209e-05, -7.775502308504656e-05, -1.452818378311349e-05, -0.00024393059720750898, -7.806515350239351e-05, 2.6178431653534062e-05, 4.35397814726457e-05, -0.00022732018260285258, -0.0001980041415663436, -0.00046274400665424764, -0.0005478559178300202, -0.0004627934831660241, -0.00040545532829128206, -0.00024212547577917576, -0.0005572392255999148, -0.0006957798032090068, -0.0006964244530536234, -0.00041479876381345093, -0.0007322621531784534, -0.0005700132460333407, -0.00048765577957965434, -0.00030167223303578794, -0.00016210332978516817, -8.681486360728741e-05, -0.0004761091258842498, -0.00032287780777551234, -0.00032699713483452797, -0.0004070183204021305, 0.00011128240294056013, -7.0500350375368726e-06, -8.846024138620123e-05, 7.014888251433149e-05, -9.531163959763944e-05, 0.00014848329010419548, 0.0002669696696102619, -0.0001509615103714168, -0.000223684633965604, -0.00016759436402935535, -0.00023111914924811572, -0.00011058411473641172, -0.0005723133217543364, -0.0006505250930786133, -0.000737232796382159, -0.0008660470484755933, -0.0006392860668711364, -0.0005928902537561953, -0.0006889706710353494, -0.0010132890893146396, -0.00036393749178387225, -0.0006285518757067621, -0.0005347532569430768, -0.0007177047082222998, -0.0004674033261835575, -0.00011005380656570196, -0.0002537239051889628, -0.0006018258281983435, -0.00035133902565576136, -0.000536882143933326, -0.0009367080056108534, -0.000751805433537811, -0.0012531874235719442, -0.001057887333445251, -0.0013190032914280891, -0.0014284965582191944, -0.0013288259506225586, -0.00115494173951447, -0.0009731657919473946, -0.001306962687522173, -0.0009423381998203695, -0.0009091380634345114, -0.0009144578943960369, -0.0013596659991890192, -0.0014362980145961046, -0.0014470736496150494, -0.0012940637534484267, -0.0010381732136011124, -0.0011950894258916378, -0.0011329982662573457, -0.00110518594738096, -0.0010992367751896381, -0.0010255944216623902, -0.0008399384678341448, -0.0012455156538635492, -0.0008387927082367241, -0.0009070441592484713, -0.001153708202764392, -0.001145186135545373, -0.0012829508632421494, -0.0011269154492765665, -0.001467735506594181, -0.001581817981787026, -0.0016688865143805742, -0.0017913648625835776, -0.002041254658252001, -0.0016256218077614903, -0.0018351109465584159, -0.0018295542104169726, -0.0017318128375336528, -0.001769532449543476, -0.0019522099755704403, -0.0019529404817149043, -0.001445469562895596, -0.0018677945481613278, -0.0011826431145891547, -0.0015501269372180104, -0.0010461976053193212, -0.0013309522764757276, -0.0014568159822374582, -0.001477777841500938, -0.0011542924912646413, -0.0011663162149488926, -0.001366721116937697, -0.0013333919923752546, -0.0018279169453307986, -0.0014592981897294521, -0.0017020046943798661, -0.0013535629259422421, -0.0014081394765526056, -0.0014615608379244804, -0.0020748856477439404, -0.001876006368547678, -0.0021211099810898304, -0.0015573236159980297, -0.002040442079305649, -0.0022328884806483984, -0.0017644301988184452, -0.0017811489524319768, -0.0011627059429883957, -0.0010625965660437942, -0.0006752797053195536, -0.0002579721331130713, -0.00045330371358431876, -0.0004967841086909175, -6.857560947537422e-05, -0.0004161257529631257, -5.1664090278791264e-05, 0.000337207195116207, 0.0003456616832409054, 0.00048633324331603944, 0.0005059014656580985, 0.0004478130431380123, -0.00035728412331081927, -0.00022374704713001847, -0.00015814411744941026, 0.0003084266500081867, 0.00032268205541186035, 7.133267354220152e-05, 0.0003134253202006221, 0.0006807649042457342, 0.00039549946086481214, 0.00011347619874868542, 0.0005921909469179809, 4.932866067974828e-05, -6.500837480416521e-05, -9.701105591375381e-05, -4.301402805140242e-05, -5.503953798324801e-05, 8.827660349197686e-05, 7.828317757230252e-05, 0.00043273650226183236, -3.2131170883076265e-05, 0.0001664595038164407, -3.6015799196320586e-06, -0.0005149162607267499, 0.00017130379274021834, -1.8924163668998517e-05, 0.0003893819230142981, 0.0009296041098423302, 0.0002520337584428489, 7.659241964574903e-05, 8.630503725726157e-05, 0.00047793693374842405, 0.0004494653840083629, 0.000510194746311754, 0.00041958809015341103, 0.0002687376399990171, 0.0006765536963939667, 0.00041549679008312523, -7.197657396318391e-05, -6.616868631681427e-05, 0.00014105353329796344, -1.6672847777954303e-05, 6.14538075751625e-05, 0.00021946558263152838, 0.0005072601488791406, 0.0007129861623980105, 9.698251960799098e-05, 0.0008129290072247386, 0.000691510271281004, 0.0001820033066906035, 0.00047056309995241463, 0.0005169753567315638, 0.0008970264461822808, 0.0010340643348172307, 0.0011630484368652105, 0.0010693883523344994, 0.001087924581952393, 0.001394981169141829, 0.0014879053924232721, 0.0016532010631635785, 0.002047064248472452, 0.001809006673283875, 0.0018919715657830238, 0.0021886967588216066, 0.0015952294925227761, 0.0015856469981372356, 0.002443489618599415, 0.003575379028916359, 0.0028394274413585663, 0.0021769553422927856, 0.0017296626465395093, 0.0017221026355400681, 0.0014906312571838498, 0.0016917395405471325, 0.0014272431144490838, 0.0016954884631559253, 0.0018667354015633464, 0.0017772602150216699, 0.0021587300579994917, 0.0020136223174631596, 0.0021791746839880943, 0.001980099594220519, 0.002016949700191617, 0.0024656089954078197, 0.0030993374530225992, 0.002710050903260708, 0.0029222024604678154, 0.0027156644500792027, 0.0024357393849641085, 0.0029340197797864676, 0.0023181000724434853, 0.0025903175119310617, 0.002518660621717572, 0.0027354906778782606, 0.002336207777261734, 0.001786755514331162, 0.0011994409142062068, 0.001088444609194994, 0.000962629506830126, 0.0004652087518479675, 0.0006444839527830482, 0.0007500402280129492, 0.0012284429976716638, 0.0003306676517240703, 0.0006131326081231236, 0.0005889197927899659, 0.00020476763893384486, 0.00039175915298983455, 0.0002894364879466593, 0.0008020903915166855, 0.0007623978890478611, 0.0009636294562369585, 0.0008237892761826515, 0.0012542522745206952, 0.001278216252103448, 0.000817176653072238, 0.0009006770560517907, 0.0009490836528129876, 0.0015296208439394832, 0.000905070744920522, 0.0016201515682041645, 0.00153025658801198, 0.0019048360409215093, 0.0021844741422683, 0.0014788247644901276, 0.0021583556663244963, 0.0018316589994356036, 0.0016467683017253876, 0.0010215177899226546, 0.0013362474273890257, 0.001294406014494598, 0.0018519866280257702, 0.002254805061966181, 0.001524362014606595, 0.002245695563033223, 0.00150074262637645, 0.0013657702365890145, 0.0010189054301008582, 0.0008415708434768021, 0.001110080280341208, 0.0014210999943315983, 0.001418444560840726, 0.0011956889647990465, 0.0016339701833203435, 0.001287628780119121, 0.0006456843693740666, 0.00010635715443640947, 0.0008464174461551011, 0.00022236134100239724, 0.00039044476579874754, 0.0001716515835141763, -0.00022818731667939574, -5.621921445708722e-05, -0.0006167119136080146, -0.0006842192960903049, -0.0004768552025780082, -0.0008665021159686148, -0.0003351254854351282, 0.00019493370200507343, -0.0010337397688999772, -0.0007988847210071981, -0.0011761881178244948, -0.0005788941634818912, -0.0005289605469442904, 0.0003544284263625741, 0.0014169488567858934, 0.00043618353083729744, 0.0005512948846444488, 0.00030828785384073853, 6.304760609054938e-05, -0.00020693615078926086, -0.00038173748180270195, -0.0006491495296359062, 0.00013022002531215549, 0.0005196984275244176, 0.00017279548046644777, 0.0001314459805143997, -0.0009965510107576847, -0.0008847185526974499, -0.00027300737565383315, -0.000972183421254158, -0.0002853715850505978, -0.000689410197082907, -0.00020023746765218675, -0.0007672241772525012, -0.0008655902929604053, 0.0002347781410207972, -0.0009779223473742604, -0.0002436841605231166, 0.0002453512861393392, -0.0003075755957979709, -1.773692201822996e-05, 0.0012371279299259186, 0.0004142867692280561, 0.00014866775018163025, 0.0004120668745599687, 0.0005917081143707037, -0.00037293144850991666, -0.00034257862716913223, 4.2591967940097675e-05, -0.00011800460197264329, -0.00013258821854833513, -0.0009555742726661265, 0.00019209602032788098, 0.00010154680057894439, -0.0009305801359005272, -5.5126682127593085e-05, -0.0012739282101392746, 0.0008179129799827933, 5.277886884869076e-05, -0.0002894695207942277, -0.0002480614057276398, 0.00019905345106963068, -0.0003364223230164498, -0.0006669220747426152, -0.00041024599340744317, -0.002332056174054742, -0.0008270415128208697, -0.0015566349029541016, -0.001365811564028263, -0.0011725970543920994, -0.0017801757203415036, 0.00012813835928682238, -0.0005679683526977897, 0.00017886758723761886, -0.00010909804404946044, 0.00043188148993067443, 0.0010571683524176478, 0.0016654396895319223, 0.0024404614232480526, 0.0010731517104431987, 0.001449341420084238, 0.001178894890472293, 0.001748138340190053, 0.0006556396256200969, 0.0004249745688866824, 0.0021533204708248377, 0.001031425199471414, 0.0011687446385622025, -0.00029618688859045506, 9.165479423245415e-05, -0.0008519391994923353, 0.00023367017274722457, 0.0003796601959038526, -0.0009053245303221047, 0.0009497248101979494, 0.0005859562661498785, 0.0011706444201990962, 0.0018542305333539844, 0.002092086710035801, 0.0017574988305568695, 0.000755462737288326, 0.002223547315225005, 0.0008250309620052576, 0.001284322002902627, 0.00127596000675112, -0.0001779233425622806, 0.001595937181264162, -0.0010345365153625607, 0.00029669704963453114, -0.00016523014346603304, 0.0009886816842481494, -0.000147665137774311, 0.0006139376200735569, 0.0037544320803135633, 0.0013447377132251859, 0.004521246999502182, 0.0001278940326301381, 0.007359332870692015, 0.004102526698261499, 0.005192670971155167, 0.006663418374955654, 0.0020119906403124332, 0.003669542958959937, 0.002869927790015936, 0.004142604768276215, 0.0004095125768799335, 0.00555402459576726, 0.0005255005671642721, 0.0025063843932002783, 0.003916806075721979, 0.0025242818519473076, 0.0031160814687609673, 0.003144894726574421, 0.00881520938128233, -0.001205866108648479, 0.011332393623888493, -0.0030472176149487495, 0.005515651311725378, 0.003496871329843998, -0.0009493521065451205, 0.011911330744624138, -0.010576111264526844, 0.02143542468547821, 0.020481331273913383, 0.04155130684375763, 0.026097143068909645, 0.026887526735663414, 0.047535207122564316, 0.009083678014576435, 0.0408618226647377, -0.003132217563688755, 0.0034784749150276184, -0.007109856233000755, -0.028765715658664703, -0.0022541286889463663, -0.03125123679637909, -0.002872643992304802, -0.0032157604582607746, 0.008332451805472374, 0.013437456451356411, 0.05611467733979225, 0.017539596185088158, 0.04875713214278221, 0.060309771448373795, 0.02030785009264946, 0.04367109760642052, 0.0010636820225045085, -0.0011519398540258408, -0.012494863010942936, -0.04331328347325325, -0.019809961318969727, -0.02125823125243187, -0.03966882452368736, 0.010364146903157234, -0.019673490896821022, 0.04735545814037323, 0.0753171518445015, 0.11895432323217392, 0.16317924857139587, 0.1311877816915512, 0.12151229381561279, 0.12404882907867432, 0.12859861552715302, 0.11914264410734177, 0.1595744788646698, 0.06793931126594543, 0.11579561978578568, 0.03230896219611168, 0.05274893343448639, 0.03428223356604576, -0.06245783343911171, -0.011051365174353123, -0.05889694765210152, -0.0795653685927391, -0.08777310699224472, -0.07322452962398529, -0.031671810895204544, -0.04197680577635765, 0.00012164067447884008, 0.027439089491963387, 0.04115471988916397, 0.057987648993730545, 0.06891980022192001, 0.06559240072965622, 0.0797840878367424, 0.04667786508798599, 0.04317657649517059, 0.032640960067510605, 0.010559284128248692, 0.0231426153331995, 0.009020869620144367, 0.012313690967857838, -0.0019230506150051951, 0.007438676431775093, 0.006128741428256035, 0.027026114985346794, 0.03470856323838234, 0.04108024388551712, 0.05807248130440712, 0.05104245990514755, 0.06253442913293839, 0.055526699870824814, 0.054876986891031265, 0.045164406299591064, 0.0219600610435009, 0.01813267171382904, -0.009720359928905964, -0.02017451450228691, -0.03158792853355408, -0.03667505830526352, -0.05837639048695564, -0.04522914066910744, -0.04579029604792595, -0.0296170637011528, -0.022283177822828293, -0.008476333692669868, 0.014963413588702679, 0.014091751538217068, 0.03717097267508507, 0.030062703415751457, 0.03753747045993805, 0.034890066832304, 0.02755296230316162, 0.03193565830588341, 0.01602005958557129, 0.008943373337388039, -0.0022888402454555035, 0.0031257024966180325, -0.0024857791140675545, -0.008767396211624146, -0.009394765831530094, -0.02108403854072094, -0.014801391400396824, -0.019405532628297806, -0.025737175717949867, -0.027114305645227432, -0.02783500961959362, -0.025537902489304543, -0.021684234961867332, -0.01954006962478161, -0.02693817764520645, -0.023368583992123604, -0.006065386813133955, -0.01367432251572609, -0.005728357471525669, -0.002650009235367179, -0.004847984295338392, -0.001210403861477971, -0.0030544884502887726, -0.009364624507725239, -0.008287521079182625, -0.023691771551966667, -0.011160194873809814, -0.022654179483652115, -0.024997279047966003, -0.020680636167526245, -0.014174029231071472, -0.005839404184371233, -0.0071611120365560055, 0.00256198737770319, -0.015318446792662144, 0.0027234205044806004, -0.008542380295693874, 0.003981553949415684, -0.015453658066689968, -0.0324389785528183, -0.02572735957801342, -0.040749479085206985, -0.0325997993350029, -0.04798164963722229, -0.03877405449748039, -0.029847266152501106, -0.03617199882864952, -0.02330172248184681, -0.020129773765802383, -0.017208615317940712, 0.005262099672108889, -0.007298565935343504, -0.007956970483064651, -0.01037997379899025, -0.0043709599412977695, -0.008551224134862423, -0.011347133666276932, -0.005476533900946379, -0.0137009983882308, -0.017965616658329964, -0.03251916542649269, -0.02399258315563202, -0.03432405740022659, -0.026553353294730186, -0.03009633906185627, -0.029019862413406372, -0.026707755401730537, -0.03293328359723091, -0.018991252407431602, -0.015287019312381744, -0.02110392041504383, -0.020327912643551826, -0.011365897953510284, -0.024918286129832268, -0.012694102711975574, -0.018131868913769722, -0.014302722178399563, -0.009418666362762451, -0.0190042145550251, -0.018574733287096024, -0.012965830974280834, -0.016311241313815117, -0.012238759547472, -0.020810211077332497, -0.017774617299437523, -0.022866928949952126, -0.013987770304083824, -0.022514142096042633, -0.0206557959318161, -0.024100515991449356, -0.025739546865224838, -0.010079354047775269, -0.03543771430850029, -0.020649610087275505, -0.01860380545258522, -0.016095293685793877, -0.012105775065720081, -0.014935429207980633, -0.011428408324718475, -0.008459380827844143, -0.004528316669166088, -0.01097953598946333, -0.007491597905755043, -0.017442019656300545, -0.022912271320819855, -0.016256460919976234, -0.028437422588467598, -0.01792522333562374, -0.03706284612417221, -0.020985174924135208, -0.015670768916606903, -0.01170634850859642, -0.024218253791332245, -0.020924363285303116, 0.006138479337096214, 0.007356945890933275, 0.009481376968324184, -0.008796699345111847, -0.004581919871270657, 0.0005597591516561806, 0.00879607629030943, -0.01129913330078125, -0.01468157023191452, -0.01443929597735405, -0.005888011772185564, -0.019654396921396255, -0.035819992423057556, -0.02358364313840866, -0.006706491578370333, -0.001324792974628508, -0.02626611851155758, -0.04263901710510254, -0.01893523894250393, -0.001030915998853743, 0.008287184871733189, -0.02061590924859047, -0.02092129737138748, -0.015889901667833328, 0.007880563847720623, 0.017731066793203354, -0.016774222254753113, -0.007974435575306416, -0.006497427821159363, 0.014838012866675854, 0.005991622339934111, -0.009869908913969994, -0.009469990618526936, 0.0028556063771247864, 0.004999704193323851, -0.015219959430396557, -0.03380490466952324, -0.03922388330101967, 0.0027864696457982063, -0.007751954719424248, -0.025726184248924255, -0.030240081250667572, -0.04332677274942398, 0.019367296248674393, 0.019323017448186874, 0.003590581938624382, -0.01547128427773714, -0.014661110937595367, 0.020184587687253952, 0.02608497068285942, -0.0050970143638551235, -0.027462318539619446, -0.003696288214996457, 0.013452358543872833, 0.0014767233515158296, -0.028732046484947205, -0.06725359708070755, -0.012445323169231415, 0.021814849227666855, 0.01092649344354868, -0.03707655519247055, -0.05278829485177994, 0.01595587469637394, 0.03654692694544792, 0.02608395740389824, -0.024210385978221893, -0.023645156994462013, 0.006072848569601774, 0.02893422544002533, 0.015770992264151573, -0.04742494970560074, -0.0085148299112916, 0.012009304948151112, 0.02794083021581173, -0.000989852356724441, -0.03803277015686035, -0.004174866713583469, 0.01952451281249523, 0.026859642937779427, -0.018621787428855896, -0.015041191130876541, -0.009966257028281689, 0.013042068108916283, 0.019824190065264702, -0.026522712782025337, -0.021290244534611702, -0.016503576189279556, 0.01251841802150011, 0.0005694449064321816, -0.027471445500850677, -0.023609550669789314, 0.0026942139957100153, 0.008821715600788593, 0.011630688793957233, -0.0056514437310397625, -0.006221264600753784, 0.012083109468221664, 0.023203333839774132, 0.0007422541384585202, -0.016351407393813133, -0.002023548586294055, 0.01728142984211445, 0.026962967589497566, -0.013388464227318764, -0.014576349407434464, -0.00043801870197057724, 0.01583855040371418, 0.011462468653917313, -0.01890639215707779, -0.016855623573064804, -0.009342276491224766, -0.007227396592497826, -0.012710106559097767, -0.021788159385323524, -0.01709659956395626, 0.0006477453280240297, 0.00638917600736022, -0.003143248613923788, -0.026187660172581673, -0.00353002711199224, 0.010889817960560322, 0.010122740641236305, -0.0007085463148541749, -0.009181982837617397, -0.016572611406445503, 0.025139762088656425, 0.01608382724225521, -0.008286752738058567, -0.0011383667588233948, -0.016334807500243187, 0.037374138832092285, 0.021332742646336555, -0.005110606551170349, 0.001646843389607966, 0.007370031904429197, 0.00894992332905531, -0.004272910300642252, -0.00045589052024297416, -0.0011726366356015205, 0.0041042510420084, -0.0023913735058158636, 0.005107808392494917, -0.0186142660677433, -0.01227276585996151, 0.021765001118183136, 0.00032317268778569996, -0.012015264481306076, -0.010672083124518394, -0.005610552150756121, -0.0038731892127543688, 0.007037060800939798, 0.00215422292239964, -0.0002719182812143117, -0.02071286551654339, 0.004280506167560816, 0.012056911364197731, -0.0008344147936441004, 0.007933751679956913, 0.015618341974914074, 0.03009018488228321, -0.007371121551841497, 0.003803453641012311, 0.01527051255106926, 0.01998785510659218, 0.01015568058937788, -0.01067592203617096, -0.004773960914462805, -0.021622586995363235, -0.001734987017698586, 0.0013651190092787147, 7.725475734332576e-05, 0.011828655377030373, -0.011420372873544693, 0.0009877750417217612, 0.0145905502140522, 0.0002584446920081973, 0.017946628853678703, 0.012172244489192963, 0.000559773703571409, -0.009981434792280197, -0.033430155366659164, 0.002076105447486043, 0.014659401029348373, -0.01362084411084652, -0.018453463912010193, -0.01688656583428383, -0.025234084576368332, 0.026181984692811966, 0.010156258009374142, 0.013450486585497856, 0.014780771918594837, 0.003221512073650956, 0.012460841797292233, 0.008935083635151386, -0.00392876984551549, 0.018988871946930885, 0.005060979165136814, 0.004178405273705721, -0.020848672837018967, -0.015719948336482048, 0.016386043280363083, 0.00027207660605199635, 0.0026767777744680643, -0.01815628632903099, 0.004568156320601702, -0.03029179573059082, 0.005188222974538803, -0.0020843984093517065, -0.006034865044057369, -0.009216188453137875, -0.024364683777093887, 0.0290111992508173, -0.012050412595272064, 0.01911933161318302, 0.010939301922917366, 0.004382044542580843, 0.015826085582375526, 0.0037367958575487137, 0.023977771401405334, -0.011407355777919292, 0.03323966637253761, -0.030154036357998848, 0.005221635103225708, -0.006282204296439886, -0.021448303014039993, 0.026516037061810493, -0.01965889148414135, -0.007736558560281992, -0.016862504184246063, 0.00889443326741457, 0.008457543328404427, 0.027674324810504913, -0.0022184504196047783, 0.006739583797752857, 0.013917350210249424, -0.004828331992030144, 0.029808409512043, 0.021772261708974838, -0.017072919756174088, 0.01585215888917446, -0.004199434071779251, 0.0005128895281814039, 0.01430453360080719, 0.007482700515538454, 8.722644270164892e-05, 0.00011363107478246093, -0.010565344244241714, -0.014240930788218975, 0.02337449975311756, -0.015023470856249332, -0.005055585410445929, -0.0009214637684635818, -0.030366552993655205, 0.016087546944618225, -0.00571149867027998, -0.00554533489048481, 0.020846420899033546, -0.0009969969978556037, 0.0012458711862564087, 0.008261515758931637, 0.0036774163600057364, 0.03161565586924553, 0.0044953362084925175, -0.016293400898575783, 0.023647578433156013, 0.004382655955851078, 0.008463853038847446, -0.017583535984158516, 0.0017676916904747486, -0.012573671527206898, 0.0010273769730702043, -0.008224460296332836, -0.012636352330446243, 0.011129358783364296, -0.030706817284226418, 0.013547707349061966, 0.010723978281021118, -0.0036621263716369867, -0.0016330747166648507, 0.0028963075019419193, 0.001819802913814783, -0.00616271561011672, 0.007469663862138987, 0.0073962402530014515, 0.006473594345152378, 4.6519791794708e-05, -0.0009834185475483537, 0.011687912046909332, -0.002314761746674776, 0.0295135285705328, 0.008639523759484291, 0.0058585479855537415, 0.01758803054690361, -0.00938373152166605, 0.02911343239247799, -0.013736343942582607, -0.03307683765888214, 0.0016012510750442743, -0.020355703309178352, -0.01272206474095583, -0.01726735569536686, -0.01621318981051445, -0.007212169002741575, -0.015677226707339287, 0.026872174814343452, 0.016748780384659767, 0.021768325939774513, -0.01153409481048584, 0.03947114944458008, 0.034613095223903656, 0.007148247677832842, 0.021727506071329117, 0.0007216727826744318, 0.012205597013235092, -0.0185729768127203, 0.01426281500607729, -0.030439533293247223, -0.011341512203216553, -0.036242950707674026, -0.025544675067067146, -0.00488290935754776, -0.028840864077210426, -0.00914843287318945, -0.010394033044576645, -0.005775529891252518, -0.018698101863265038, 0.030693084001541138, 0.02628752775490284, 0.031843919306993484, 0.020127376541495323, 0.017439087852835655, 0.0125964917242527, 0.04306940361857414, 0.04161986708641052, -0.0007504636305384338, 0.012220288626849651, -0.027322640642523766, 0.013578567653894424, -0.021067596971988678, -0.02840350568294525, 0.008001704700291157, -0.048846907913684845, -0.043096594512462616, -0.03699033707380295, -0.0012056372361257672, -0.01215286087244749, -0.0046801576390862465, 0.011640536598861217, -0.003826269181445241, 0.018497692421078682, 0.04187828302383423, 0.017184952273964882, 0.06731048971414566, 0.0310866367071867, -0.004370401147753, 0.018305910751223564, 0.01952047273516655, 0.02452138252556324, -0.05345878005027771, -0.00658231507986784, -0.006131455302238464, -0.029753414914011955, -0.04009780287742615, -0.024753274396061897, 0.009071568958461285, -0.006665470544248819, 0.005366428289562464, -0.004254164639860392, 0.014357770793139935, 0.01430363580584526, 0.04678816348314285, 0.002456640126183629, 0.013468541204929352, 0.020507726818323135, -0.027174800634384155, 0.04165692627429962, -0.005929296370595694, 0.0033485316671431065, -0.0075781564228236675, -0.005347637925297022, -0.034864041954278946, -0.0016051862621679902, 0.031283773481845856, -0.0380457378923893, -0.006622434128075838, -0.006129206158220768, 0.00626474479213357, -0.009704435244202614, -0.029102899134159088, 0.05126965418457985, 0.04113421216607094, -0.03713851422071457, 0.025521505624055862, 0.033687692135572433, 0.02056395635008812, 0.01779189519584179, 0.013153654523193836, -0.011769231408834457, -0.003893290413543582, -0.01293270941823721, -0.03998086228966713, 0.016510585322976112, -0.02724563516676426, -0.021892951801419258, -0.009044812992215157, 0.000857931561768055, -0.028835026547312737, 0.022621536627411842, 0.03221740946173668, 0.006482856348156929, 0.0061633652076125145, 0.013388272374868393, 0.005986345000565052, -0.005178803112357855, -0.008886902593076229, 0.007896742783486843, 0.022027742117643356, -0.03625866025686264, 0.010741960257291794, 0.01893872395157814, -0.017341407015919685, 0.027149833738803864, 0.0237007774412632, 0.0029675839468836784, 0.012733960524201393, -0.011016120202839375, -0.015148293226957321, 0.04125678911805153, -0.005744812078773975, -0.029858609661459923, -0.02251771092414856, -0.017070965841412544, 0.011477570049464703, -0.039304155856370926, 0.020512336865067482, 0.0242499690502882, 0.00553880026564002, 0.0023987898603081703, 0.001140471431426704, 0.04729676991701126, 0.03073260746896267, 0.013350725173950195, -0.007626826409250498, -0.015422054566442966, -0.0019168235594406724, -0.006288535892963409, 0.008263652212917805, -0.002956049283966422, -0.009754165075719357, -0.023086214438080788, 0.0193483829498291, 0.006094005424529314, -0.0016207080334424973, 0.02545584738254547, -0.013841800391674042, -0.012639160268008709, -0.003351520746946335, -0.030612358823418617, 0.010969485156238079, 0.018243368715047836, -0.03619452938437462, 0.014400205574929714, 0.00812198780477047, -0.009393117390573025, 0.06115254759788513, 0.019402744248509407, 0.008252003230154514, 0.042990945279598236, -0.00805356539785862, 0.009411708451807499, 0.0025691362097859383, -0.0162811279296875, -0.015118693001568317, -0.0016050813719630241, -0.060033466666936874, -0.028404857963323593, -0.003828516462817788, -0.019745822995901108, 0.01980230025947094, -0.003123240079730749, 0.006642055697739124, 0.026023566722869873, 0.026534918695688248, 0.008312289603054523, 0.03891482204198837, -0.011068860068917274, 0.018140189349651337, 0.012603403069078922, -0.019406845793128014, 0.010399948805570602, -0.008912737481296062, -0.006874968763440847, 0.007710735779255629, -0.015398666262626648, 0.004523999523371458, 0.053621698170900345, -0.025064146146178246, 0.014329538680613041, 0.005896653048694134, -0.016765901818871498, 0.010948088020086288, -0.018870340660214424, -0.004735451657325029, 0.011350220069289207, -0.0102321095764637, -0.02254587784409523, 0.006910524796694517, -0.005118589848279953, 0.027698280289769173, 0.008155222050845623, 0.0020159301348030567, -0.014642068184912205, -0.02617499604821205, 0.029192408546805382, 0.0006640237988904119, 0.017394131049513817, -0.007819765247404575, -0.05620051547884941, 0.009267761372029781, 0.0002993318485096097, 0.014637544751167297, 0.011911597102880478, 0.015098344534635544, -0.014110664837062359, -0.012290410697460175, 0.013589402660727501, 0.02701653726398945, 0.05459306389093399, -0.015871604904532433, -0.010942512191832066, -0.005762359127402306, -0.0075202337466180325, -0.0061492095701396465, -0.005044660996645689, -0.019472213461995125, -0.003703133901581168, -0.02390265464782715, -0.01177286822348833, 0.010325240902602673, -0.05216445028781891, 0.022602340206503868, 0.025955930352211, -0.01933983899652958, -0.018294647336006165, -0.021189190447330475, 0.003980021923780441, 0.00673878937959671, 0.004471160471439362, 0.0010647476883605123, 0.0037699518725275993, 0.00047757671563886106, 0.005275658797472715, 0.03423048555850983, 0.021498624235391617, 0.014923843555152416, -0.006552180275321007, -0.010306253097951412, 0.00864955224096775, -0.0021815618965774775, 0.01954215206205845, -0.06178384646773338, -0.02815278060734272, -0.010257730260491371, -0.012715362943708897, 0.004809590056538582, -0.015377327799797058, -0.0009748846641741693, -0.014032340608537197, 0.007868933491408825, 0.013382945209741592, 0.039835698902606964, -0.01773213781416416, -0.00529861357063055, -0.010467874817550182, -0.008062280714511871, 0.015777278691530228, -0.007215885911136866, -0.01737848110496998, -0.025096718221902847, 0.012698985636234283, -0.008583619259297848, -0.000646956788841635, 0.025813771411776543, 0.005720129702240229, 0.01868118904531002, 0.0005333754234015942, -0.0038629707414656878, 0.0034021171741187572, 0.028547490015625954, 0.007269818335771561, -0.02066216990351677, -0.030996397137641907, -0.028271352872252464, 0.003112400881946087, -0.021926088258624077, -0.012453403323888779, -0.015709316357970238, -0.021966226398944855, 0.00511418841779232, -0.010741857811808586, 0.013959616422653198, -0.0046750870533287525, -0.01342029683291912, -0.014859452843666077, -0.01887281984090805, -0.010154558345675468, 0.041761886328458786, -0.0012224654201418161, -0.05497995391488075, 0.011170253157615662, -0.0012322658440098166, 0.06312241405248642, 0.0018933425890281796, 0.021046459674835205, -0.01654105819761753, -0.012072840705513954, -0.005955797620117664, -0.02465173602104187, 0.055434271693229675, -0.05778917670249939, -0.026673482730984688, -0.04582010582089424, -0.029810838401317596, 0.0249781496822834, -0.008440113626420498, 0.022356726229190826, -0.007200456224381924, -0.05369077995419502, 0.01020123902708292, 0.03141825273633003, 0.026354946196079254, 0.022339625284075737, -0.008046871051192284, -0.038823019713163376, -0.00419769249856472, -0.0071576423943042755, 0.02205716446042061, -0.0006795111112296581, -0.03718358278274536, -0.03834694251418114, -0.009453016333281994, 0.028903504833579063, -0.03391042724251747, 0.015209928154945374, 0.006734546273946762, 0.008147341199219227, -0.01750100962817669, -0.005975337699055672, 0.033705081790685654, -0.022797798737883568, -0.0020249185618013144, 0.01677894778549671, 0.0006207827245816588, -0.03986690193414688, 0.016276564449071884, -0.005046132951974869, 0.006103518884629011, 0.007705417927354574, -0.0475645586848259, 0.021080464124679565, -0.03143694996833801, -0.020187294110655785, 0.015310133807361126, -0.0284884050488472, -0.031030772253870964, 0.008654159493744373, -0.009003110229969025, 0.011543630622327328, 0.045942649245262146, -0.00855322740972042, 0.017037060111761093, 0.016847532242536545, -0.010027757845818996, 0.04800419136881828, 0.02033703401684761, -0.031593356281518936, -0.015079885721206665, -0.024920541793107986, -0.015222071669995785, 0.004446899518370628, -0.02045673318207264, -0.015313055366277695, 0.007247906643897295, -0.020662421360611916, 0.006575495004653931, 0.022562997415661812, 0.026721114292740822, 0.024712897837162018, -0.010377875529229641, 0.011670593172311783, 0.02771901898086071, -0.013649798929691315, -0.005554744973778725, -0.007706061005592346, -0.011433619074523449, -0.02646457776427269, -0.018408669158816338, 0.0014571065548807383, 0.0011701136827468872, -0.015419590286910534, -0.006103391759097576, 0.02106115221977234, 0.006272006779909134, -0.015546991489827633, 0.017463544383645058, -0.0004929356509819627, 8.930137846618891e-05, -0.010607954114675522, -0.008295179344713688, 0.024202415719628334, -0.014135989360511303, 0.0013159874361008406, -0.000462700700154528, 0.01674134097993374, 0.005612101871520281, -0.001520694000646472, -0.013635903596878052, 0.0022769570350646973, 0.017652573063969612, -0.014973227865993977, -0.007076691836118698, -0.01465658564120531, -0.005175396800041199, -0.0085885776206851, -9.123608469963074e-05, 0.040317196398973465, -0.005260305479168892, -0.00863559078425169, 0.02529812976717949, 0.020341472700238228, 0.008681963197886944, 0.015628578141331673, 0.012551555410027504, 0.008034641854465008, -0.013924829661846161, -0.025839874520897865, 0.01767578534781933, -0.0072777289897203445, 0.003919416572898626, 0.005219632759690285, -0.01860194094479084, -0.005812833085656166, 0.002551253419369459, 0.015331421978771687, 0.016539042815566063, -0.0037428652867674828, -0.017870968207716942, 0.020862797275185585, -0.00047117823851294816, -0.015443183481693268, 0.024947019293904305, 0.014295254833996296, -0.0002083451981889084, -0.013314376585185528, 0.014027170836925507, 0.012108001857995987, 0.01269818376749754, -0.00887184590101242, -0.0034379393327981234, 0.004274748731404543, -0.034921687096357346, 0.006717190146446228, 0.010562350042164326, -0.009955687448382378, 0.004866945091634989, -0.019303685054183006, 0.01149924099445343, 0.032694000750780106, 0.015975678339600563, 0.011317175813019276, 0.013431328348815441, -0.007717907428741455, -0.010518774390220642, 0.01815294474363327, 0.010598625056445599, 0.003004876198247075, -0.030869854614138603, -0.005565150175243616, -0.005951703526079655, -0.008366864174604416, 0.022935926914215088, 0.018297817558050156, 0.0030684417579323053, -0.005637775640934706, 0.01600499637424946, 0.03098883479833603, 0.02854299731552601, 0.013078139163553715, 0.004237005952745676, 0.00996360182762146, -0.005360546987503767, -0.0011133720399811864, 0.019137101247906685, -0.0026491284370422363, -0.020642248913645744, -0.0008492642664350569, 0.012080145999789238, 0.023458439856767654, 0.003631704719737172, -0.004115695599466562, 0.011366461403667927, 0.003962049260735512, 0.01607549376785755, 0.009286985732614994, 0.00673980638384819, -0.006047508679330349, -0.005836213938891888, 0.00045979468268342316, 0.010506891645491123, 0.011012006551027298, -0.0005860731471329927, -0.0012233654269948602, -0.011036430485546589, 0.005788746755570173, 0.007803655695170164, 0.01736420951783657, 0.011018085293471813, -0.013307069428265095, -0.0059113651514053345, 0.006731096655130386, 0.02224830351769924, 0.0011613488895818591, 0.006087000947445631, 0.001417804043740034, 0.003964221570640802, 0.009072339162230492, 0.009926032274961472, 0.02400287613272667, 0.013873138464987278, 0.0035799958277493715, 0.0009909906657412648, 0.006867753341794014, 0.0015612721908837557, 0.0011482317931950092, -0.004570316523313522, -0.003971611149609089, -0.01667230948805809, -0.025942938402295113, -0.010913094505667686, 0.0004473804438021034, -0.0070420014671981335, -0.00842984113842249, 0.005557327065616846, 0.01246780063956976, 0.006682051811367273, 0.013454291969537735, 0.03018852509558201, 0.026085305958986282, 0.007955530658364296, 0.0035180833656340837, 0.019032787531614304, 0.007093528285622597, 0.0018220742931589484, -0.0010777601273730397, -0.0004153476329520345, -0.011947546154260635, -0.003887116676196456, 0.006204702891409397, -0.007741481065750122, 0.00138353172224015, -0.004917895421385765, 0.004615375306457281, 0.0013908565742895007, 0.0006281079258769751, 0.00510416878387332, 0.0031027134973555803, 0.012634634040296078, 0.017214840278029442, 0.003386474447324872, 0.006414435338228941, 0.01844838261604309, 0.011108131147921085, 0.009191303513944149, 0.006174763664603233, 0.004542825277894735, 0.02472410537302494, 0.008236237801611423, -0.010413438081741333, -0.006043038330972195, 0.01588522642850876, 0.009737585671246052, -0.006355889141559601, 0.005381336435675621, 0.009374871850013733, 0.00932657066732645, -0.005569131579250097, 0.022669553756713867, 0.014576890505850315, -0.010260549373924732, -0.003789490321651101, -0.006266839802265167, -0.00664626294746995, -0.016752080991864204, -0.008023065514862537, -0.009944640100002289, -0.0007168143056333065, -0.015207402408123016, -0.006023148540407419, 0.0001582959812367335, 0.005444056820124388, 0.011382280848920345, 0.004059932194650173, 0.012483686208724976, -0.00903939176350832, 0.002876218408346176, 0.004838904831558466, 0.008399453945457935, -0.011414960958063602, -0.02020101621747017, 0.003096344182267785, -0.00920424610376358, 0.0012611380079761147, 0.0031523152720183134, -0.0023505683057010174, -0.008237875998020172, -0.003901590360328555, 0.007295369636267424, -5.6864384532673284e-05, -0.0067603676579892635, -0.013429046608507633, -0.0011241048341616988, -0.0064025199972093105, 0.0024257630575448275, 0.001092397142201662, 0.0038588503375649452, -0.000352448143530637, 0.004222424700856209, 0.008962878957390785, 0.007548620458692312, 0.013857432641088963, -0.001787375076673925, 0.004692681599408388, -0.004910964984446764, -0.007522121537476778, -0.012287473306059837, -0.00710455933585763, -0.004822196438908577, -0.008616546168923378, 0.0030860956758260727, -0.0018481705337762833, 0.00789236556738615, 0.00809891801327467, 0.021065078675746918, 0.026521380990743637, 0.004928322043269873, 0.005895060487091541, 0.004866303410381079, 0.004002838395535946, 0.00038166192825883627, -0.00799389649182558, -0.00801211129873991, -0.014782961457967758, -0.022191904485225677, 0.0029279866721481085, 0.007529787719249725, 0.0007737831911072135, -0.0033024107106029987, 0.0060981339775025845, 0.018721768632531166, 0.011205197311937809, 0.021857520565390587, 0.011798067949712276, 0.006492143496870995, -0.0002631240931805223, -0.004091660026460886, 0.004067069385200739, 0.009032939560711384, -9.27550809137756e-06, -0.022382257506251335, -0.00548663130030036, -0.0038783811032772064, -0.007870529778301716, 0.0006285866256803274, 0.004822805989533663, -0.0021985070779919624, -0.009299038909375668, -0.010032393969595432, 0.0054488405585289, 0.008026490919291973, -0.005934033077210188, -0.001706716837361455, -0.010143641382455826, -0.0017725322395563126, 0.0110719483345747, 0.0078095681965351105, 0.014405380003154278, 0.006937198806554079, 0.006816850509494543, 0.004080167040228844, 0.009362229146063328, 0.008044728077948093, -0.006882896646857262, -0.006269468925893307, -0.011250384151935577, -0.01220877654850483, -0.018268441781401634, -0.004867768380790949, 0.0007486409158445895, -0.0033057383261621, -0.004483132157474756, 0.0008331232820637524, 0.010078813880681992, 0.016064802184700966, 0.012946213595569134, -9.94661750155501e-05, 0.0003613274311646819, 0.00046974982251413167, -0.00022296748647931963, -0.006161083932965994, -0.016429921612143517, -0.016912207007408142, -0.011923358775675297, -0.012471533380448818, -0.011826591566205025, -0.0035574340727180243, -0.0020765301305800676, 0.007631400600075722, 0.011800738051533699, 0.012492084875702858, 0.010777479968965054, 0.010956121608614922, 0.014577082358300686, 0.006091753952205181, -0.001589700928889215, -0.007943765260279179, -0.004459216725081205, -0.014487217180430889, -0.019953854382038116, -0.011967654339969158, -0.01683122292160988, -0.01540317852050066, -0.007358413655310869, -0.0031209385488182306, -0.004195363726466894, -0.001932527287863195, 0.006191668566316366, 0.005204586312174797, -0.004198745358735323, -0.005137149710208178, 0.0032176782842725515, 0.00021399770048446953, -0.008963728323578835, -0.014410539530217648, -0.011944284662604332, -0.007386799901723862, -0.0035489369183778763, 0.0019527948461472988, -0.0004601484688464552, -0.004497647751122713, 0.0014763245126232505, 0.012978596612811089, 0.008618736639618874, 0.005286448635160923, 0.0042763506062328815, 0.0010740957222878933, -0.0019172546453773975, -0.006281860172748566, 0.002309137722477317, -1.716916449368e-05, -0.012166631408035755, -0.010088304057717323, -0.0052510155364871025, -0.005975932348519564, -0.003893490880727768, 0.000395597773604095, -0.0069566876627504826, -0.002262640278786421, -0.0029528215527534485, -0.0027477997355163097, 0.01119894441217184, 0.004379333928227425, 0.0014168753987178206, 0.00434222212061286, 0.0014576142420992255, 0.0007181764231063426, 0.00023535866057500243, -0.0017783386865630746, -0.0014509857865050435, -0.0017847929848358035, -0.0051974523812532425, 0.0029628905467689037, -4.8570022045169026e-05, -0.002986466744914651, 0.005200900137424469, 0.004216248169541359, 0.0048075043596327305, -0.0010774756083264947, -0.002658746438100934, 0.0036440438125282526, 0.004425276070833206, -0.001116967760026455, -0.0023788425605744123, -0.004755273927003145, -0.007815255783498287, -0.005355685018002987, -0.0010273614898324013, -0.004932105541229248, -0.008695423603057861, -0.009732973761856556, -0.009220113977789879, -0.006244082935154438, -0.004915799014270306, -0.002584445523098111, -0.005410935264080763, -0.011726591736078262, -0.008115113712847233, 0.0025051359552890062, 0.007549418602138758, 0.0032213712111115456, 0.005686234217137098, 0.006299150642007589, 0.0013178169028833508, 0.0017411467852070928, 0.008632912300527096, 0.00017297609883826226, -0.010805862955749035, -0.011334342882037163, -0.011008977890014648, -0.017941605299711227, -0.019050028175115585, -0.019125957041978836, -0.014460007660090923, -0.012481577694416046, -0.019643761217594147, -0.009432696737349033, -0.0027390678878873587, -0.005869278684258461, 0.005397932603955269, 0.0030395365320146084, -0.011430648155510426, -0.004303113091737032, -0.010972138494253159, -0.015038792975246906, -0.010534857399761677, -0.024156520143151283, -0.026417018845677376, -0.021678663790225983, -0.025350939482450485, -0.021391138434410095, -0.01820637471973896, -0.018612941727042198, -0.015326879918575287, -0.007347750011831522, -0.012020077556371689, -0.008381775580346584, -0.010306056588888168, -0.012468514032661915, -0.007086432073265314, -0.018435467034578323, -0.02080230414867401, -0.02029482275247574, -0.027974480763077736, -0.03092493861913681, -0.030394641682505608, -0.03478052839636803, -0.030369335785508156, -0.02816113643348217, -0.030184654518961906, -0.01657974161207676, -0.015121095813810825, -0.011499646119773388, -0.01136602833867073, -0.011053778231143951, -0.0053323968313634396, -0.011614691466093063, -0.011893167160451412, -0.0070998454466462135, -0.013826042413711548, -0.018124626949429512, -0.018186869099736214, -0.01670956425368786, -0.019411854445934296, -0.02408008836209774, -0.02416234463453293, -0.02389068529009819, -0.023625388741493225, -0.023139890283346176, -0.015949346125125885, -0.016521573066711426, -0.015599344857037067, -0.008592297323048115, -0.007597057614475489, 0.0013867785455659032, 0.0006849893252365291, 0.00258600153028965, 0.00960647314786911, 0.009390714578330517, 0.009249427355825901, 0.011248641647398472, 0.01480783149600029, 0.014901331625878811, 0.018184388056397438, 0.021234499290585518, 0.025994546711444855, 0.02860117517411709, 0.028476228937506676, 0.0331367589533329, 0.03717123344540596, 0.03400773927569389, 0.03280118480324745, 0.03444391116499901, 0.02946591190993786, 0.03183944895863533, 0.02970188856124878, 0.02564316801726818, 0.024449992924928665, 0.02197873219847679, 0.02729272097349167, 0.028041182085871696, 0.029678761959075928, 0.03342540189623833, 0.03537672013044357, 0.03907860815525055, 0.04105570539832115, 0.04296969622373581, 0.04272441565990448, 0.043666258454322815, 0.04129492864012718, 0.032878149300813675, 0.030123593285679817, 0.030442072078585625, 0.025282826274633408, 0.015320089645683765, 0.012240755371749401, 0.010122200474143028, 0.0056684366427361965, 0.002665907144546509, 0.00034379714634269476, 0.0009081749594770372, -0.0025911154225468636, -0.005469049792736769, -0.0038044985849410295, -0.0009480381268076599, -0.005776376463472843, -0.00785953551530838, -0.014670091681182384, -0.017066791653633118, -0.021686328575015068, -0.0280251856893301, -0.03359053656458855, -0.044326264411211014, -0.04825223609805107, -0.05173702538013458, -0.053656790405511856, -0.05347319319844246, -0.0557083785533905, -0.053168971091508865, -0.0529816597700119, -0.055364418774843216, -0.05761374533176422, -0.060937076807022095, -0.06480565667152405, -0.07658375054597855, -0.09253807365894318, -0.10164722055196762, -0.10818181186914444, -0.11259356141090393, -0.1181948184967041, -0.11992160230875015, -0.12132032960653305, -0.12046263366937637, -0.11410976201295853, -0.10729704052209854, -0.11589609086513519, -0.12541356682777405, -0.11049360036849976, -0.087151899933815, -0.08398029208183289, -0.0703430101275444, -0.0495467409491539, -0.013396503403782845, 0.027319706976413727, 0.04545356333255768, 0.08962535858154297, 0.12773798406124115, 0.13416282832622528, 0.15530098974704742, 0.16085483133792877, 0.15031598508358002, 0.13035516440868378, 0.09633166342973709, 0.05579536780714989, 0.014555641449987888, -0.03745189309120178, -0.07212397456169128, -0.0984373465180397, -0.12932632863521576, -0.1428046077489853, -0.13611240684986115, -0.1235637366771698, -0.09504778683185577, -0.060192178934812546, -0.02869330905377865, 0.005505096632987261, 0.03515943884849548, 0.06856568157672882, 0.09441874176263809, 0.09821299463510513, 0.10569591075181961, 0.10926568508148193, 0.10317137837409973, 0.08899549394845963, 0.07829046249389648, 0.07400035858154297, 0.0662769004702568, 0.05784078314900398, 0.05785662308335304, 0.05644196644425392, 0.0595778189599514, 0.06288888305425644, 0.06544572114944458, 0.06365234404802322, 0.05376393347978592, 0.05160839855670929, 0.03814560920000076, 0.02349020168185234, 0.010619943961501122, 0.00016554197645746171, -0.01189147774130106, -0.02096289023756981, -0.020856069400906563, -0.014030599035322666, 0.007400231901556253, 0.030177846550941467, 0.05299494415521622, 0.0760078877210617, 0.09923488646745682, 0.12562687695026398, 0.14164452254772186, 0.13953544199466705, 0.1340402513742447, 0.118137426674366, 0.09526798874139786, 0.07173798233270645, 0.048435136675834656, 0.028991391882300377, 0.00686054490506649, -0.006539516616612673, -0.00735124247148633, 2.2269785404205322e-05, 0.007925300858914852, 0.022025518119335175, 0.0392141193151474, 0.049947720021009445, 0.058528777211904526, 0.06410520523786545, 0.06773684918880463, 0.06181083619594574, 0.04900817200541496, 0.028809204697608948, 0.009466058574616909, -0.00892450101673603, -0.026207126677036285, -0.03800104930996895, -0.049658410251140594, -0.05569356679916382, -0.0542968213558197, -0.051087427884340286, -0.04410018026828766, -0.034153662621974945, -0.03151104226708412, -0.034028153866529465, -0.030353160575032234, -0.033851105719804764, -0.043532807379961014, -0.054713740944862366, -0.06917307525873184, -0.08154881745576859, -0.10140886157751083, -0.12034451961517334, -0.12253865599632263, -0.1315935254096985, -0.14053753018379211, -0.14046473801136017, -0.1388443261384964, -0.14094996452331543, -0.13520972430706024, -0.13399723172187805, -0.13511230051517487, -0.1266019344329834, -0.12660737335681915, -0.10334143042564392, -0.08227592706680298, -0.07830756902694702, -0.04024262726306915, 0.0007315352559089661, 0.02689383178949356, 0.06965379416942596, 0.09727182239294052, 0.12826035916805267, 0.1514766663312912, 0.1492726355791092, 0.15519452095031738, 0.13669054210186005, 0.10535192489624023, 0.06539531797170639, 0.027096346020698547, -0.022054778411984444, -0.06869318336248398, -0.10205423831939697, -0.1309220939874649, -0.14782710373401642, -0.15170283615589142, -0.13792167603969574, -0.11641787737607956, -0.08353307098150253, -0.047375693917274475, -0.010064525529742241, 0.027467668056488037, 0.05801771208643913, 0.08374640345573425, 0.10111936926841736, 0.10617046803236008, 0.10368336737155914, 0.09977654367685318, 0.08802714943885803, 0.0741005539894104, 0.06254678219556808, 0.053046829998493195, 0.04301188141107559, 0.04400566965341568, 0.0459798127412796, 0.04540728032588959, 0.0491454117000103, 0.0551031194627285, 0.05794481933116913, 0.05354354530572891, 0.050350725650787354, 0.03908528760075569, 0.031280841678380966, 0.015831703320145607, 0.005291735753417015, -0.002457967959344387, -0.011356298811733723, -0.008849727921187878, -0.0005256770527921617, 0.013891526497900486, 0.032494936138391495, 0.055075641721487045, 0.0780414268374443, 0.10514535009860992, 0.12159296870231628, 0.13883498311042786, 0.14872337877750397, 0.1364956498146057, 0.1292264312505722, 0.11317357420921326, 0.08896217495203018, 0.062046244740486145, 0.039085790514945984, 0.021590670570731163, 0.004938908852636814, -0.006317274644970894, -0.008285277523100376, 0.003456254256889224, 0.01629563979804516, 0.02421621046960354, 0.03809021785855293, 0.053696565330028534, 0.06652899086475372, 0.07094521075487137, 0.0724053606390953, 0.0689663365483284, 0.0591464526951313, 0.050279878079891205, 0.034658074378967285, 0.02002229541540146, 0.00752227520570159, -0.004202393814921379, -0.013765393756330013, -0.019535385072231293, -0.02258424460887909, -0.02203350141644478, -0.024449804797768593, -0.026070687919855118, -0.02696489542722702, -0.029734782874584198, -0.02988756261765957, -0.03950665891170502, -0.044917214661836624, -0.05059391260147095, -0.05802300572395325, -0.06621559709310532, -0.07752452045679092, -0.08376973867416382, -0.08776208013296127, -0.09271693974733353, -0.10547930002212524, -0.10555887967348099, -0.10836458206176758, -0.11118557304143906, -0.1084575280547142, -0.11812546104192734, -0.11572890728712082, -0.11840448528528214, -0.13007381558418274, -0.12005436420440674, -0.12615786492824554, -0.12862540781497955, -0.11627986282110214, -0.09707661718130112, -0.0765516608953476, -0.055797554552555084, -0.013391755521297455, 0.01608460210263729, 0.063837930560112, 0.09908446669578552, 0.11839734762907028, 0.16231697797775269, 0.1629948914051056, 0.16251078248023987, 0.1602352261543274, 0.1259848177433014, 0.09693658351898193, 0.05277247354388237, -0.0011066100560128689, -0.038401294499635696, -0.08640775084495544, -0.11642199009656906, -0.14365921914577484, -0.15572476387023926, -0.14898137748241425, -0.1336204707622528, -0.10315171629190445, -0.07593290507793427, -0.029768994078040123, 0.010759994387626648, 0.04275106266140938, 0.07923541963100433, 0.10101374983787537, 0.12001466751098633, 0.12853007018566132, 0.12814289331436157, 0.12483000755310059, 0.11134740710258484, 0.09647822380065918, 0.08884859830141068, 0.07341744750738144, 0.06256715208292007, 0.0569147914648056, 0.04965982213616371, 0.04918873682618141, 0.04617251455783844, 0.042879369109869, 0.0460260771214962, 0.03952169045805931, 0.028590554371476173, 0.027475686743855476, 0.01682109944522381, 0.010316851548850536, 0.002451737644150853, -0.0035739538725465536, -0.01206439733505249, -0.006717543583363295, 0.0015425225719809532, 0.01588667370378971, 0.03843950480222702, 0.051799044013023376, 0.07958534359931946, 0.09923295676708221, 0.11062607169151306, 0.13029074668884277, 0.13494934141635895, 0.13073426485061646, 0.11538094282150269, 0.08971400558948517, 0.07086757570505142, 0.0472465343773365, 0.016675284132361412, -0.006737519055604935, -0.0255455132573843, -0.041377414017915726, -0.04776664450764656, -0.03719445317983627, -0.0300070121884346, -0.015179549343883991, 0.00287071755155921, 0.01352112926542759, 0.0364532433450222, 0.04497294872999191, 0.04868614673614502, 0.05140569061040878, 0.03552747145295143, 0.024818984791636467, 0.0023797343019396067, -0.01781371422111988, -0.03986593335866928, -0.06328607350587845, -0.07786677777767181, -0.09600316733121872, -0.10280007123947144, -0.10918466001749039, -0.10191310942173004, -0.09506994485855103, -0.09368360042572021, -0.08626971393823624, -0.08935572952032089, -0.08437678217887878, -0.0843973234295845, -0.09795448184013367, -0.09749133139848709, -0.11270248889923096, -0.12637673318386078, -0.1294679045677185, -0.1412951797246933, -0.13463692367076874, -0.1417258083820343, -0.13460655510425568, -0.1321520358324051, -0.11279687285423279, -0.09382863342761993, -0.08356361091136932, -0.0310751274228096, -0.016850000247359276, 0.0055103362537920475, 0.041966527700424194, 0.053821321576833725, 0.09929848462343216, 0.11307675391435623, 0.11100856959819794, 0.13414202630519867, 0.12253987044095993, 0.10545742511749268, 0.08896182477474213, 0.0705578401684761, 0.039625249803066254, 0.005024948623031378, -0.029219338670372963, -0.06473048031330109, -0.07452640682458878, -0.1079724058508873, -0.11618079245090485, -0.11138639599084854, -0.1123758852481842, -0.0943879559636116, -0.07117745280265808, -0.05009092763066292, -0.011760935187339783, 0.015963030979037285, 0.03656787425279617, 0.07351654767990112, 0.08426924049854279, 0.10354062914848328, 0.12386155128479004, 0.12139119952917099, 0.122647725045681, 0.12061208486557007, 0.10860875248908997, 0.1042025163769722, 0.10280793905258179, 0.08777886629104614, 0.08242279291152954, 0.06701730191707611, 0.04712187871336937, 0.04422321915626526, 0.030422499403357506, 0.02099592797458172, 0.015712955966591835, 0.0008396541234105825, 0.00020424752437975258, 0.004953187890350819, 0.00494969030842185, 0.018180416896939278, 0.028390847146511078, 0.04034757614135742, 0.058607425540685654, 0.0646606907248497, 0.07868830114603043, 0.09053970128297806, 0.09597700834274292, 0.09470651298761368, 0.08925731480121613, 0.08127176761627197, 0.06603554636240005, 0.05795064568519592, 0.03735789656639099, 0.024668121710419655, 0.014856365509331226, -0.0023520656395703554, -0.0034185536205768585, -0.007877439260482788, -0.008275286294519901, 0.0037027562502771616, 0.007859425619244576, 0.01031450368463993, 0.020356902852654457, 0.02487815171480179, 0.02332097850739956, 0.0239932332187891, 0.015783311799168587, -0.004284782335162163, -0.008832861669361591, -0.029745159670710564, -0.04880303516983986, -0.04898461326956749, -0.07839242368936539, -0.09031511843204498, -0.09442471712827682, -0.10553435236215591, -0.095685213804245, -0.09377451241016388, -0.09790536761283875, -0.0891670435667038, -0.08726873248815536, -0.08872602134943008, -0.0848562940955162, -0.08827744424343109, -0.09849914163351059, -0.10534358024597168, -0.11100825667381287, -0.12769122421741486, -0.11457093805074692, -0.1283389925956726, -0.13123317062854767, -0.11125976592302322, -0.14008094370365143, -0.11788258701562881, -0.11232179403305054, -0.09979600459337234, -0.06321798264980316, -0.05531822144985199, -0.032092150300741196, -0.0016127601265907288, 0.033006470650434494, 0.06592945009469986, 0.10067760944366455, 0.12110885232686996, 0.14101862907409668, 0.15275900065898895, 0.15432913601398468, 0.14760181307792664, 0.12986718118190765, 0.10206637531518936, 0.06364800781011581, 0.018778223544359207, -0.025906480848789215, -0.05965004488825798, -0.09751740843057632, -0.12546102702617645, -0.14334028959274292, -0.15372464060783386, -0.14118324220180511, -0.11831682175397873, -0.09639283269643784, -0.05657333508133888, -0.020632347092032433, 0.015983033925294876, 0.0617264062166214, 0.08883780241012573, 0.12166765332221985, 0.14431625604629517, 0.15488649904727936, 0.1645999252796173, 0.15893620252609253, 0.15352663397789001, 0.14863577485084534, 0.13865414261817932, 0.12127517908811569, 0.10542570054531097, 0.08591111749410629, 0.06521283090114594, 0.051170334219932556, 0.030041975900530815, 0.014635495841503143, 0.00020271881658118218, -0.0261054839938879, -0.0316409133374691, -0.029309362173080444, -0.02986058034002781, -0.018688170239329338, -0.015380889177322388, 0.009380881674587727, 0.03374946489930153, 0.04904550313949585, 0.07284439355134964, 0.0891326367855072, 0.10931210964918137, 0.1196892261505127, 0.11400794237852097, 0.10533539950847626, 0.0960766151547432, 0.07189836353063583, 0.05119116231799126, 0.016802774742245674, -0.011775842867791653, -0.029358936473727226, -0.04397626966238022, -0.053247906267642975, -0.05639238655567169, -0.04653112590312958, -0.037733953446149826, -0.014250139705836773, -0.004082794766873121, 0.00835124496370554, 0.02524213306605816, 0.022940844297409058, 0.016011057421565056, 0.0057657938450574875, -0.020391542464494705, -0.03355985879898071, -0.06780874729156494, -0.0988418310880661, -0.11752244830131531, -0.13691823184490204, -0.13866980373859406, -0.14723795652389526, -0.14025022089481354, -0.1406322568655014, -0.1312616765499115, -0.1251233071088791, -0.11630020290613174, -0.11094304174184799, -0.10802759975194931, -0.11237761378288269, -0.11493930220603943, -0.11661031097173691, -0.1262819468975067, -0.12337139248847961, -0.1307917684316635, -0.13814350962638855, -0.13918234407901764, -0.13646014034748077, -0.12862403690814972, -0.07588959485292435, -0.07781253010034561, -0.030995791777968407, 0.004976058378815651, 0.028893249109387398, 0.10029322654008865, 0.10691668093204498, 0.15708279609680176, 0.18423132598400116, 0.18448582291603088, 0.18045756220817566, 0.15941834449768066, 0.12716950476169586, 0.10353149473667145, 0.04737810045480728, -0.0077781942673027515, -0.05004332587122917, -0.10742228478193283, -0.1307288557291031, -0.15692734718322754, -0.15870846807956696, -0.1653798371553421, -0.14915668964385986, -0.13027648627758026, -0.09740643948316574, -0.050142817199230194, -0.022149324417114258, 0.0285072922706604, 0.0707055851817131, 0.09673239290714264, 0.1304950714111328, 0.1496061533689499, 0.16092732548713684, 0.1780245304107666, 0.16864079236984253, 0.17049100995063782, 0.15759991109371185, 0.14781253039836884, 0.1433260589838028, 0.12121981382369995, 0.10250728577375412, 0.07805313915014267, 0.06163020431995392, 0.039531320333480835, 0.022462863475084305, -0.0040175230242311954, -0.016092529520392418, -0.01521198358386755, -0.03404119238257408, -0.02727346308529377, -0.01927746646106243, 0.002297118538990617, 0.02898440510034561, 0.039552945643663406, 0.06559529155492783, 0.0901043489575386, 0.11198633909225464, 0.12699241936206818, 0.13453689217567444, 0.12462184578180313, 0.114761583507061, 0.09187550097703934, 0.06197141110897064, 0.0363493449985981, -0.0013219690881669521, -0.02095210552215576, -0.040365319699048996, -0.05549967661499977, -0.05426590144634247, -0.04788685217499733, -0.037845343351364136, -0.019061138853430748, -0.006392712239176035, 0.0029075180646032095, 0.014116642065346241, 0.01232270710170269, 0.008942762389779091, 0.0014943219721317291, -0.024207251146435738, -0.04012246057391167, -0.06275475770235062, -0.08453944325447083, -0.09921912848949432, -0.11509297043085098, -0.12157785147428513, -0.12507878243923187, -0.12743690609931946, -0.1281411498785019, -0.13328249752521515, -0.1370972990989685, -0.14075371623039246, -0.1485445201396942, -0.14337703585624695, -0.15413592755794525, -0.1498313546180725, -0.15122376382350922, -0.16141065955162048, -0.14835374057292938, -0.15729261934757233, -0.1560363918542862, -0.1395104080438614, -0.1266380399465561, -0.08890292048454285, -0.04061145335435867, -0.024086765944957733, 0.031797681003808975, 0.08621077984571457, 0.1349240094423294, 0.20543509721755981, 0.20798763632774353, 0.2336171418428421, 0.2362765520811081, 0.2092738151550293, 0.19468539953231812, 0.1306849867105484, 0.08020354807376862, 0.019675642251968384, -0.05279594287276268, -0.1055784821510315, -0.15484294295310974, -0.17457136511802673, -0.19411630928516388, -0.19039875268936157, -0.16685594618320465, -0.14639264345169067, -0.09249674528837204, -0.0435907244682312, 0.01026209257543087, 0.059784021228551865, 0.08453401178121567, 0.11862978339195251, 0.14592912793159485, 0.15623842179775238, 0.17155875265598297, 0.17368701100349426, 0.1702595353126526, 0.16821527481079102, 0.1554092913866043, 0.15100346505641937, 0.14689987897872925, 0.1390688270330429, 0.1252214014530182, 0.09514451026916504, 0.0749099925160408, 0.05133189633488655, 0.023437611758708954, 0.0014147170586511493, -0.021139243617653847, -0.03968800976872444, -0.04394068941473961, -0.037473954260349274, -0.02305521070957184, 0.0036948660854250193, 0.030493371188640594, 0.06823854893445969, 0.09813188016414642, 0.12084323167800903, 0.144968643784523, 0.153238445520401, 0.15511228144168854, 0.13824088871479034, 0.10287724435329437, 0.0771358385682106, 0.04019493982195854, 0.003708341857418418, -0.006197649519890547, -0.029270268976688385, -0.03411443158984184, -0.03645830601453781, -0.03661077842116356, -0.012898677960038185, 0.004952901042997837, 0.01728781685233116, 0.024685777723789215, 0.022931892424821854, 0.019153807312250137, 0.005469693802297115, -0.020936816930770874, -0.041948575526475906, -0.06801427155733109, -0.09031438827514648, -0.11518744379281998, -0.132704958319664, -0.13073571026325226, -0.1382947713136673, -0.13102667033672333, -0.13984423875808716, -0.12704691290855408, -0.1240813136100769, -0.1389857977628708, -0.12884056568145752, -0.1505531370639801, -0.1416761428117752, -0.13324709236621857, -0.15944598615169525, -0.14499692618846893, -0.16492602229118347, -0.15838998556137085, -0.1580883264541626, -0.17936564981937408, -0.13994985818862915, -0.11489042639732361, -0.06311064958572388, -0.01591898314654827, 0.024756744503974915, 0.09045280516147614, 0.1538468897342682, 0.203374445438385, 0.23576180636882782, 0.25421664118766785, 0.24531489610671997, 0.2231624722480774, 0.18711060285568237, 0.13181553781032562, 0.07027142494916916, 0.0032586141023784876, -0.07304450869560242, -0.13263855874538422, -0.1767386794090271, -0.21048212051391602, -0.21451735496520996, -0.20013314485549927, -0.18036384880542755, -0.14123980700969696, -0.0901966392993927, -0.031053772196173668, 0.026528963819146156, 0.07225000858306885, 0.10507816821336746, 0.1295994520187378, 0.15451985597610474, 0.15331235527992249, 0.1625308245420456, 0.16254673898220062, 0.1565532684326172, 0.16247624158859253, 0.1505749374628067, 0.15113119781017303, 0.1507316380739212, 0.15569382905960083, 0.14912347495555878, 0.12211217731237411, 0.10623551905155182, 0.07143228501081467, 0.04262012615799904, 0.013029364868998528, -0.023956313729286194, -0.047083381563425064, -0.06380601972341537, -0.07041043043136597, -0.04996107146143913, -0.0326693095266819, 2.2723343136021867e-05, 0.040282391011714935, 0.06273794919252396, 0.09788894653320312, 0.11817973107099533, 0.1333361268043518, 0.14222751557826996, 0.1218637228012085, 0.09352198243141174, 0.06843064725399017, 0.037978965789079666, 0.018487922847270966, 0.002300908090546727, -0.006927683483809233, -0.013288136571645737, -0.013593751937150955, -0.008670579642057419, 0.00011646985512925312, 0.010751652531325817, 0.0130494749173522, 0.0007763886242173612, -0.015603943727910519, -0.036981549113988876, -0.0536249503493309, -0.0695217028260231, -0.08712071925401688, -0.09738192707300186, -0.11667680740356445, -0.11510757356882095, -0.1241379901766777, -0.11577223241329193, -0.10446211695671082, -0.11551114171743393, -0.1105668917298317, -0.11407173424959183, -0.12900982797145844, -0.12129733711481094, -0.13570080697536469, -0.14441357553005219, -0.1431877613067627, -0.16834789514541626, -0.15767809748649597, -0.16420882940292358, -0.17918379604816437, -0.18963205814361572, -0.1816985309123993, -0.12759140133857727, -0.07466349005699158, -0.02014917880296707, -0.00018636051390785724, 0.06946105509996414, 0.14537912607192993, 0.2064187228679657, 0.25507545471191406, 0.2658548653125763, 0.26028382778167725, 0.2361317276954651, 0.18991124629974365, 0.13138341903686523, 0.06076190993189812, -0.0025638502556830645, -0.08992266654968262, -0.15746095776557922, -0.20108522474765778, -0.22962839901447296, -0.22245115041732788, -0.20837688446044922, -0.17755551636219025, -0.13639621436595917, -0.10149335116147995, -0.04070240259170532, 0.021797141060233116, 0.07192834466695786, 0.10029721260070801, 0.11292213201522827, 0.13007594645023346, 0.13790959119796753, 0.1284724920988083, 0.13091199100017548, 0.14187169075012207, 0.15753178298473358, 0.15427686274051666, 0.14150750637054443, 0.15819264948368073, 0.17830921709537506, 0.16919076442718506, 0.14757344126701355, 0.12695270776748657, 0.08924764394760132, 0.05091691017150879, 0.007283978164196014, -0.019476523622870445, -0.051966890692710876, -0.062285423278808594, -0.06792771071195602, -0.07821110635995865, -0.04101751372218132, -0.001039800001308322, 0.03897494822740555, 0.06825277954339981, 0.08540245145559311, 0.0972258448600769, 0.09229815006256104, 0.08488307893276215, 0.08273408561944962, 0.06444542855024338, 0.0346362441778183, 0.0010876890737563372, -0.018241750076413155, -0.013147751800715923, -0.02269415743649006, -0.025290600955486298, -0.011511256918311119, -0.007092960178852081, -0.01722431369125843, -0.012564150616526604, -0.00980502087622881, -0.0008548006881028414, -0.023134566843509674, -0.05976399406790733, -0.061329592019319534, -0.08493530750274658, -0.10127953439950943, -0.10246571898460388, -0.11687923222780228, -0.10980143398046494, -0.12680159509181976, -0.13263188302516937, -0.11299442499876022, -0.12023258209228516, -0.11678147315979004, -0.12979604303836823, -0.1330508589744568, -0.13950924575328827, -0.16054320335388184, -0.15117816627025604, -0.1594236046075821, -0.16348545253276825, -0.16953937709331512, -0.19421198964118958, -0.18722331523895264, -0.15811242163181305, -0.08413996547460556, -0.03250078111886978, 0.02379053272306919, 0.04394626244902611, 0.10874844342470169, 0.20063047111034393, 0.21590593457221985, 0.26667025685310364, 0.24702079594135284, 0.23064447939395905, 0.18824736773967743, 0.11889208108186722, 0.0664920061826706, 0.021485285833477974, -0.05762188509106636, -0.11441511660814285, -0.15330418944358826, -0.18989193439483643, -0.18543566763401031, -0.17678286135196686, -0.1335913985967636, -0.10665588825941086, -0.07396584749221802, -0.03956504166126251, 0.011113597080111504, 0.05856461450457573, 0.0744343101978302, 0.09574565291404724, 0.10665237903594971, 0.11728063970804214, 0.11249890178442001, 0.11531603336334229, 0.12643902003765106, 0.14776746928691864, 0.14900676906108856, 0.15639112889766693, 0.1472948044538498, 0.14610442519187927, 0.15845657885074615, 0.1332269161939621, 0.11161953210830688, 0.07980138808488846, 0.04051133245229721, 0.005095655098557472, -0.015887048095464706, -0.03742067515850067, -0.04808574542403221, -0.04521355405449867, -0.04281089827418327, -0.01741264946758747, 0.005710192956030369, 0.03743734955787659, 0.06703018397092819, 0.07779719680547714, 0.08798135071992874, 0.08510088920593262, 0.07014338672161102, 0.05525081232190132, 0.041320230811834335, 0.018821507692337036, -0.013866807334125042, -0.020397931337356567, -0.04096255078911781, -0.034676823765039444, -0.037822384387254715, -0.03901264816522598, -0.018624907359480858, -0.01817542500793934, -0.016485339030623436, -0.014059547334909439, -0.01563633419573307, -0.02172127366065979, -0.03507033735513687, -0.04248500615358353, -0.05579296126961708, -0.07224195450544357, -0.08974266797304153, -0.08162636309862137, -0.06704697757959366, -0.11125048995018005, -0.10693465173244476, -0.12654463946819305, -0.1324208378791809, -0.1285603791475296, -0.16998806595802307, -0.13728655874729156, -0.16985447704792023, -0.15884427726268768, -0.14519234001636505, -0.15574899315834045, -0.1188376247882843, -0.12855839729309082, -0.12696649134159088, -0.10191616415977478, -0.12976978719234467, -0.09283539652824402, -0.01274363324046135, 0.0004913861630484462, 0.0502820648252964, 0.04755096510052681, 0.1070532500743866, 0.14574900269508362, 0.2118195742368698, 0.18559452891349792, 0.19540266692638397, 0.18002153933048248, 0.11873036623001099, 0.11631292849779129, 0.04215802624821663, 0.03810671344399452, -0.02317427285015583, -0.07119426876306534, -0.09237533062696457, -0.14802299439907074, -0.12871168553829193, -0.12045237421989441, -0.08390892297029495, -0.07611414045095444, -0.047452304512262344, -0.008072569034993649, 0.036782704293727875, 0.0917075052857399, 0.10488376766443253, 0.11593475937843323, 0.13126395642757416, 0.1338745802640915, 0.13054130971431732, 0.1275681108236313, 0.10997781902551651, 0.11926325410604477, 0.11655021458864212, 0.10118444263935089, 0.09450532495975494, 0.09793709963560104, 0.10337615013122559, 0.09187344461679459, 0.072380430996418, 0.04120374098420143, 0.03653666377067566, 0.02208864875137806, 0.021550683304667473, 0.030238011851906776, 0.0200415700674057, 0.015204633586108685, 0.014044648967683315, 0.039127591997385025, 0.04891134425997734, 0.06293877214193344, 0.06647365540266037, 0.03661321476101875, 0.03311104699969292, 0.014724601991474628, 0.006589661817997694, 0.0015495374100282788, -0.012918075546622276, -0.027627013623714447, -0.03939220681786537, -0.037929367274045944, -0.01801191084086895, -0.014130651950836182, -0.01034113485366106, -0.003132733516395092, -0.005945608951151371, 0.000874292163643986, 0.0004942388623021543, -0.000888531154487282, -0.01888907141983509, -0.029233932495117188, -0.04359103739261627, -0.06528165936470032, -0.07146283239126205, -0.09880772233009338, -0.09730472415685654, -0.10850352048873901, -0.11491834372282028, -0.09876474738121033, -0.11017484217882156, -0.10918398946523666, -0.10034924000501633, -0.10882009565830231, -0.10659342259168625, -0.11292750388383865, -0.1178574338555336, -0.10812829434871674, -0.09343972057104111, -0.10828085243701935, -0.09448015689849854, -0.07577712088823318, -0.07618408650159836, -0.060478806495666504, -0.07114499062299728, -0.06917480379343033, -0.06861992925405502, -0.03167207911610603, -0.018117805942893028, 0.0021933643147349358, 0.0006735169445164502, 0.016240572556853294, 0.05649970471858978, 0.07839281857013702, 0.096609927713871, 0.09007780253887177, 0.08806691318750381, 0.07517390698194504, 0.09192203730344772, 0.06352820247411728, 0.07061216235160828, 0.048635195940732956, 0.009760644286870956, 0.026197273284196854, -0.0019317618571221828, -0.006605096161365509, -0.011435311287641525, -0.021629709750413895, -0.023231979459524155, -0.02376747690141201, -0.0134047269821167, 0.00043678496149368584, 0.02661874145269394, 0.021172400563955307, 0.042294275015592575, 0.05899704620242119, 0.06357870995998383, 0.08854109048843384, 0.07813999801874161, 0.10532376915216446, 0.1044626459479332, 0.11208923906087875, 0.11974843591451645, 0.09190137684345245, 0.10285145789384842, 0.0960826426744461, 0.07820471376180649, 0.07023955136537552, 0.050186898559331894, 0.0450192354619503, 0.02305743284523487, 0.030022775754332542, 0.018768364563584328, 0.013961234129965305, 0.018755940720438957, -0.002539954846724868, 0.004889539442956448, 0.004176801536232233, 0.007081443443894386, 0.013226908631622791, 0.005011499393731356, -0.004515703767538071, -0.005609441548585892, 0.005108559969812632, 0.011862732470035553, 0.010700948536396027, 0.016015058383345604, 0.009531175717711449, -0.0009014273528009653, 0.01579180732369423, 0.01365260872989893, -0.008342080749571323, -0.013741067610681057, -0.02544977143406868, -0.025575803592801094, -0.02439563162624836, -0.052367523312568665, -0.040470924228429794, -0.031550001353025436, -0.037615612149238586, -0.0554208904504776, -0.039670396596193314, -0.030218077823519707, -0.026714380830526352, -0.04008126258850098, -0.032245006412267685, -0.03926859050989151, -0.0582386739552021, -0.04735654219985008, -0.06672751158475876, -0.06715349107980728, -0.06416231393814087, -0.07028137147426605, -0.08820235729217529, -0.06606768071651459, -0.05750046670436859, -0.05929320678114891, -0.048738304525613785, -0.04458661749958992, -0.023226778954267502, -0.01463597547262907, -0.03323391452431679, -0.029946042224764824, -0.02933388017117977, -0.04335477948188782, -0.048242345452308655, -0.060339584946632385, -0.05046825483441353, -0.062192436307668686, -0.04910710081458092, -0.044135428965091705, -0.03396143764257431, -0.007300373166799545, -0.017223108559846878, -0.0019092988222837448, -0.0001882426004158333, 0.02143464796245098, 0.030493179336190224, 0.016782419756054878, 0.03465600684285164, 0.025941666215658188, 0.032011788338422775, 0.03701796755194664, 0.033268801867961884, 0.0364668108522892, 0.022705556824803352, 0.031851012259721756, 0.03747672215104103, 0.03821573778986931, 0.030924560502171516, 0.019171027466654778, 0.04269891232252121, 0.029315179213881493, 0.025994587689638138, 0.025232432410120964, 0.023227619007229805, 0.02617744728922844, 0.0354178361594677, 0.042121902108192444, 0.043526869267225266, 0.049923770129680634, 0.05613104999065399, 0.056470874696969986, 0.06864307820796967, 0.057938575744628906, 0.03730336204171181, 0.050540149211883545, 0.02416473999619484, 0.02116495743393898, 0.03941892087459564, 0.03435049578547478, 0.046319760382175446, 0.013037626631557941, 0.04023702070116997, 0.03829212486743927, 0.02751743793487549, 0.025271885097026825, 0.0005422700196504593, 0.009365114383399487, 0.0035358925815671682, -0.00484708696603775, -0.016419563442468643, -0.01893412321805954, -0.0008911981130950153, -0.003538670251145959, -0.0012739020166918635, -0.009020084515213966, -0.004022361245006323, 0.011372614651918411, 0.008842273615300655, -0.0011397841153666377, -0.01326584443449974, -0.0029209195636212826, -0.004009699448943138, -0.026670999825000763, -0.03593076393008232, -0.03661689907312393, -0.028860531747341156, -0.0403815396130085, -0.043899036943912506, -0.039253342896699905, -0.019139820709824562, -0.017742564901709557, -0.0346137210726738, -0.01825259067118168, -0.00671757198870182, -0.007476037833839655, -0.020107686519622803, -0.040836527943611145, -0.025507383048534393, -0.00681891618296504, -0.03514954820275307, -0.04786522313952446, -0.031155698001384735, -0.006778572220355272, 0.009681644849479198, -0.028496863320469856, -0.032947469502687454, -0.0002512323553673923, -0.0026529780589044094, -0.016186021268367767, -0.03308481350541115, -0.024844609200954437, -0.015989229083061218, 0.002272837096825242, -0.030087068676948547, -0.04255655035376549, 0.007839345373213291, 0.025817183777689934, 0.02998126856982708, -0.012882636860013008, -0.0005656260182149708, 0.04222715273499489, 0.025360537692904472, -0.011338038370013237, 0.0062668160535395145, 0.007453566882759333, 0.0059954142197966576, -0.00437889201566577, -0.02671854756772518, 0.0007155214552767575, 0.011748155578970909, -0.02547079138457775, -0.00021549283701460809, 0.0035826172679662704, 0.040750935673713684, 0.017808621749281883, 0.009610061533749104, 0.043813373893499374, 0.025090292096138, 0.03253733366727829, 0.027714615687727928, 0.0004335487319622189, 0.03699394688010216, 0.027439981698989868, 0.010844121687114239, 0.001049801823683083, 0.010570043697953224, 0.04951854422688484, 0.016728943213820457, 0.008966839872300625, 0.030103161931037903, 0.05119003355503082, 0.003320877905935049, 0.007886684499680996, 0.019109267741441727, 0.02247759699821472, 0.008253665640950203, 0.005157736130058765, 0.0389554537832737, 0.022499943152070045, 0.011405574157834053, 0.008630714379251003, 0.02230752259492874, -0.005967648699879646, 0.023925339803099632, 0.011009872891008854, 0.023508943617343903, -0.008436005562543869, 0.0010862104827538133, 0.007711447309702635, -0.006979381665587425, 0.045489657670259476, 0.00648084469139576, 0.004207894206047058, -0.006573996972292662, 0.011917216703295708, 0.021932266652584076, 0.01085757464170456, -0.02002631314098835, -0.020171495154500008, -0.0016198767116293311, 0.012827384285628796, 0.0057181851007044315, -0.005661598406732082, -0.010824568569660187, -0.03242526203393936, -0.025312110781669617, -0.005206706002354622, -0.010008438490331173, 0.010096817277371883, 0.03478280454874039, -0.02215493656694889, -0.024378202855587006, 0.03689566254615784, -0.0008360074134543538, -0.01015270221978426, -0.010294148698449135, -0.04573015868663788, -0.02111104130744934, 0.01875206083059311, -0.017295653000473976, -0.026142790913581848, -0.03209344297647476, -0.004735588561743498, 0.026236101984977722, -0.0041148425079882145, -0.030868060886859894, -0.011791201308369637, -0.007663815747946501, -0.013931109569966793, -0.024057583883404732, -0.015386649407446384, 0.02624138444662094, 0.05387112498283386, -0.020895423367619514, -0.036545444279909134, 0.04439499229192734, 0.02128107100725174, -0.036277059465646744, -0.051221657544374466, 0.020964840427041054, 0.05193334072828293, -0.005596850998699665, -0.024757249280810356, 0.030675435438752174, -0.009487684816122055, -0.05236360430717468, -0.005679052788764238, -0.02535540983080864, 0.03243614733219147, 0.010733116418123245, -0.037048693746328354, -0.007165041286498308, 0.024434173479676247, 0.036672573536634445, -0.08836766332387924, -0.00960767176002264, -0.0350378192961216, 0.03317038714885712, 0.0006569541874341667, -0.042717114090919495, 0.019071003422141075, -0.007549510803073645, 0.044871456921100616, -0.03293558582663536, -0.027489691972732544, 0.02994541823863983, -0.000559656007681042, 0.009533002972602844, 0.024575570598244667, -0.043955352157354355, 0.01693696156144142, -0.016171516850590706, -0.06945007294416428, 0.08017478138208389, 0.07603578269481659, -0.030498148873448372, -0.05387197807431221, -0.012147005647420883, 0.046150121837854385, -0.05786140263080597, -0.07831063866615295, 0.016371523961424828, 0.025854341685771942, -0.03544430434703827, 0.009472190402448177, 0.08847862482070923, -0.030067531391978264, -0.03697539120912552, -0.041077692061662674, 0.0183316171169281, 0.0297307837754488, -0.061864059418439865, -0.06260956823825836, 0.041806660592556, 0.03514198586344719, -0.05605177581310272, -0.1072528287768364, 0.050010796636343, 0.12754280865192413, -0.09080870449542999, -0.09538966417312622, 0.06949533522129059, 0.07073568552732468, -0.0328545905649662, -0.030941525474190712, -0.11252322793006897, -0.01365762110799551, 0.02100915089249611, -0.008513477630913258, 0.008088678121566772, -0.04270842298865318, 0.043386638164520264, 0.027949310839176178, -0.0001582301629241556, -0.03175254538655281, -0.0931212529540062, 0.09914901852607727, 0.029201669618487358, -0.09854745864868164, 0.02808973751962185, -0.09186959266662598, 0.06104229390621185, 0.044652633368968964, -0.0042364285327494144, 0.00431170454248786, -0.03737207129597664, -0.024174179881811142, 0.10303419828414917, -0.03448040038347244, -0.1398792862892151, 0.06949985772371292, -0.001458926941268146, -0.041943494230508804, -0.09946772456169128, 0.07004160434007645, 0.1361384391784668, -0.060962095856666565, -0.07647676765918732, 0.12239915877580643, -0.03593476489186287, -0.01802864484488964, 0.036357294768095016, 0.02310636267066002, -0.11070206016302109, 0.002873716177418828, 0.03251013159751892, -0.01652037538588047, 0.08681784570217133, -0.09771665185689926, -0.034404341131448746, -0.028832094743847847, 0.05533107742667198, 0.006491710431873798, -0.015247085131704807, 0.0022937338799238205, -0.060019880533218384, 0.06399412453174591, -0.04443858563899994, -0.006436862982809544, 0.04297594726085663, -0.1923227459192276, 0.11168059706687927, -0.03062058798968792, 0.007488145027309656, -0.017579730600118637, -0.10850107669830322, 0.04955461248755455, -0.011963647790253162, 0.09090262651443481, -0.008641977794468403, -0.01520430389791727, -0.03281686455011368, 0.009704808704555035, 0.048054859042167664, -0.10734538733959198, 0.02372552454471588, -0.02113090455532074, 0.10906471312046051, -0.041888803243637085, -0.07632451504468918, 0.12368365377187729, -0.013754338957369328, -0.08223973214626312, -0.0365779809653759, -0.05853705108165741, 0.04101256653666496, 0.015481251291930676, 0.00358983245678246, -0.1264650970697403, 0.025883162394165993, 0.09431542456150055, -0.12036139518022537, -0.01710752211511135, -0.020375994965434074, 0.03241356834769249, 0.11800084263086319, -0.13943995535373688, -0.003820885205641389, 0.09008672088384628, 0.0030342796817421913, -0.024919874966144562, -0.01864100992679596, -0.06807266920804977, 0.12874193489551544, 0.02090253308415413, -0.12970353662967682, -0.014011304825544357, 0.10073503106832504, -0.024567700922489166, 0.01259494200348854, -0.06715773046016693, -0.010708745568990707, 0.006414473056793213, -0.004489429760724306, 0.009533624164760113, 0.0037326894234865904, -0.05956120789051056, -0.059437405318021774, 0.1396370679140091, -0.0735212191939354, -0.0375395193696022, 0.11430925130844116, -0.04901646077632904, -0.09560950100421906, 0.07105757296085358, -0.055929671972990036, 0.008177011273801327, -0.0034402254968881607, -0.01575571298599243, 0.06101204827427864, -0.0596470832824707, 0.05060736835002899, 0.004639910999685526, 0.021265069022774696, -0.007237899582833052, 0.003193967044353485, 0.06757231801748276, -0.06352908909320831, 0.010282935574650764, 0.07008940726518631, -0.003473993157967925, -0.049219805747270584, -0.04022707790136337, 0.07547631859779358, -0.06066478416323662, 0.018478874117136, -0.03524681180715561, 0.07318722456693649, -0.021210337057709694, -0.02779930643737316, 0.12070468813180923, -0.10756775736808777, 0.008302906528115273, -0.039626166224479675, 0.06463494896888733, 0.009918002411723137, -0.18511563539505005, 0.18747608363628387, 0.011500908061861992, -0.02729138731956482, -0.09951159358024597, 0.050498828291893005, 0.15049590170383453, -0.06172609701752663, -0.07442537695169449, -0.05279408395290375, 0.09166160225868225, 0.09433546662330627, -0.04932959005236626, -0.1076708510518074, 0.0543089359998703, 0.1593628078699112, -0.0900028869509697, -0.04839552938938141, 0.01985916495323181, 0.07339360564947128, 0.015997232869267464, -0.009878333657979965, -0.1332506686449051, 0.11153388768434525, 0.03767808526754379, -0.045196738094091415, -0.09372161328792572, 0.020382605493068695, 0.018426023423671722, 0.013270793482661247, 0.029334021732211113, 0.002651388756930828, -0.05570025369524956, 0.07471958547830582, 0.06316102296113968, -0.1659119874238968, 0.022919820621609688, 0.04478631168603897, 0.022503552958369255, -0.04143484681844711, -0.01850125938653946, 0.025224298238754272, 0.1104249432682991, -0.034426018595695496, -0.06351236253976822, 0.06662184745073318, 0.009814341552555561, -0.018961472436785698, -0.01998104527592659, -0.060109157115221024, 0.11080572754144669, -0.04238392785191536, -0.0004356849240139127, -0.08214429765939713, 0.048049625009298325, 0.10476969927549362, -0.036809664219617844, -0.09223233163356781, 0.01608363352715969, 0.0808931291103363, -0.009738492779433727, -0.14356277883052826, 0.028739938512444496, 0.10993113368749619, -0.020382912829518318, -0.04536859318614006, -0.009048270992934704, 0.178287535905838, -0.10337647795677185, -0.015490739606320858, -0.0374496653676033, 0.08206992596387863, 0.06585708260536194, -0.04554219916462898, -0.1274501532316208, 0.04542287066578865, 0.10509506613016129, -0.06172141432762146, 0.01529944222420454, -0.029101040214300156, 0.08064056187868118, -0.02087274380028248, -0.04526152089238167, 0.12800763547420502, -0.045618411153554916, -0.06622810661792755, 0.037500422447919846, 0.022053487598896027, -0.04714876040816307, -0.00575124379247427, -0.0011429673759266734, -0.005258715711534023, 0.008145510219037533, 0.00277718435972929, 0.0800810307264328, -0.08670779317617416, 0.027088621631264687, 0.03622116521000862, 0.03980445861816406, -0.1186484768986702, -0.014577291905879974, 0.06171901524066925, 0.010756113566458225, 0.04216805472970009, -0.14679813385009766, 0.14029522240161896, -0.007702610921114683, 0.006245380267500877, 0.035667095333337784, -0.04980824515223503, 0.021679943427443504, 0.09767454862594604, -0.12151027470827103, -0.03390298783779144, 0.057944055646657944, -0.006917867343872786, -0.036016158759593964, -0.04504011943936348, 0.06530937552452087, 0.05561314895749092, -0.04644925147294998, 0.021473148837685585, 0.019060328602790833, 0.011974816210567951, -0.07416946440935135, 0.04575449973344803, 0.008080854080617428, -0.010873738676309586, -0.030125467106699944, 0.012202613987028599, -0.0036748710554093122, 0.1071760356426239, -0.06153289973735809, 0.01334759034216404, -0.040182068943977356, -0.07059548795223236, 0.18162143230438232, -0.0011654042173177004, -0.1882050633430481, 0.004210975952446461, 0.1488262116909027, 0.03652098774909973, -0.14562444388866425, -0.03835311904549599, 0.11351478099822998, 0.030236447229981422, -0.1037154421210289, -0.036554787307977676, 0.1193479597568512, -0.023846380412578583, -0.012160750105977058, -0.055255237966775894, 0.040062617510557175, 0.0309364665299654, 0.02702135220170021, -0.07600633054971695, -0.040116086602211, 0.11968151479959488, -0.07947204262018204, -0.0075388215482234955, 0.062191739678382874, 0.008204461075365543, -0.020471390336751938, -0.06435324996709824, 0.07898308336734772, 0.05346376448869705, -0.16115102171897888, -0.025373021140694618, 0.044230785220861435, 0.0965714380145073, -0.032152172178030014, -0.13408030569553375, 0.09932561963796616, 0.08797357231378555, -0.05108599737286568, -0.1316056251525879, 0.0754706934094429, 0.08174288272857666, -0.09906609356403351, 0.03174690529704094, -0.053548414260149, 0.09073789417743683, -0.013014161959290504, -0.1203734278678894, 0.12747113406658173, -0.019462037831544876, 0.0014217407442629337, -0.05725426599383354, 0.06657318025827408, -0.003333424450829625, -0.09149632602930069, 0.011228359304368496, 0.137495219707489, 0.008832420222461224, -0.24157394468784332, 0.18771296739578247, -0.004842456430196762, 0.06966859847307205, -0.16556255519390106, 0.009075726382434368, 0.10560772567987442, 0.0038448974955826998, -0.04601910710334778, -0.08012831956148148, 0.09127184748649597, 0.007115491200238466, 0.005405353382229805, -0.06409502774477005, 0.02678445167839527, 0.0728207528591156, -0.037018027156591415, -0.0677749291062355, 0.017374763265252113, 0.06875305622816086, -0.049023259431123734, -0.02632400020956993, 0.025594092905521393, -0.006750781089067459, 0.023372463881969452, -0.019003238528966904, -0.03228408843278885, 0.08369535207748413, -0.0667615756392479, -0.02695329487323761, 0.08583849668502808, -0.026907967403531075, -0.014243320561945438, -0.007983827032148838, 0.00819514598697424, 0.0232265405356884, -0.0069537037052214146, 0.0436081625521183, -0.06710509955883026, -0.025203144177794456, 0.028509385883808136, 0.07818078994750977, -0.08847716450691223, -0.0747065320611, 0.1278325468301773, -0.09862396866083145, 0.09956522285938263, -0.07181315124034882, -0.0694737359881401, 0.074986033141613, 0.12218732386827469, -0.11288425326347351, -0.10093887150287628, 0.10848921537399292, 0.0766785517334938, -0.10915230959653854, -0.033675722777843475, 0.07283876091241837, -0.06372006237506866, -0.0059552318416535854, 0.009237457998096943, 0.043080154806375504, -0.07370079308748245, -0.011514145880937576, 0.12568320333957672, -0.024308867752552032, -0.10537144541740417, 0.10489830374717712, 0.0031514570582658052, -0.06073656678199768, 0.08033253997564316, -0.058705270290374756, -0.016806190833449364, -0.028634196147322655, 0.07856223732233047, -0.016792280599474907, -0.11065229028463364, -0.0010658344253897667, 0.19741472601890564, -0.036326806992292404, -0.1834658831357956, 0.02555626630783081, 0.21196861565113068, -0.06575187295675278, -0.18519926071166992, 0.0756029486656189, 0.07133077830076218, 0.009697179310023785, -0.07268648594617844, 0.0011084330035373569, 0.04659916087985039, 0.0452321358025074, -0.04586777463555336, 0.0025648497976362705, 0.008040696382522583, -0.005259960424154997, -0.013150585815310478, -0.0020315230358392, 0.0006213168962858617, -0.021516291424632072, 0.007704011630266905, 0.00755799375474453, 0.03929195925593376, -0.04458228126168251, 0.01983385719358921, 0.0185403972864151, -0.05278748273849487, 0.043149612843990326, -0.010606161318719387, 0.050462473183870316, -0.026902204379439354, -0.05348631739616394, 0.13017182052135468, -0.14774729311466217, 0.07787907868623734, 0.015125279314815998, -0.08872359991073608, 0.05234918370842934, 0.0051835463382303715, -0.01872917264699936, 0.04982578754425049, -0.007838217541575432, -0.061851173639297485, 0.05317574366927147, 0.014011148363351822, -0.05921390280127525, -0.011483726091682911, 0.05632810667157173, -0.019859695807099342, 0.04771861061453819, -0.07195291668176651, 0.06609370559453964, -0.029232017695903778, 0.0269315205514431, 0.053026337176561356, -0.17305278778076172, 0.14308221638202667, -0.019703326746821404, -0.032852817326784134, 0.029129022732377052, -0.03242012485861778, 0.028613245114684105, -0.014664794318377972, -0.005422527436167002, 0.039382368326187134, -0.0009167648386210203, -0.08653301745653152, 0.06933360546827316, 0.013408433645963669, -0.07086009532213211, 0.0064440504647791386, 0.008736733347177505, 0.03345463052392006, -0.08428564667701721, -0.04291671887040138, 0.18037523329257965, -0.06359338015317917, -0.1376579850912094, 0.0863434448838234, 0.028607860207557678, -0.025810638442635536, -0.004143976140767336, -0.041544754058122635, 0.08289900422096252, -0.03809008374810219, -0.017577094957232475, 0.041812412440776825, 0.0036042770370841026, -0.02805997245013714, 0.05494094267487526, -0.021962570026516914, -0.010787406004965305, -0.014962315559387207, 0.01604427397251129, 0.07516422867774963, -0.1423955112695694, 0.024081438779830933, 0.10409355908632278, -0.07627952843904495, 0.06758488714694977, -0.059283316135406494, -0.030529603362083435, 0.08684872835874557, -0.03720423951745033, 0.019942093640565872, -0.08056754618883133, 0.06930779665708542, -0.008337507955729961, -0.007222613785415888, -0.011705123819410801, -0.036135319620370865, 0.010228955186903477, 0.020174186676740646, -0.016297418624162674, -0.06706426292657852, 0.07375374436378479, 0.033317480236291885, -0.08563670516014099, 0.026500388979911804, -0.010487672872841358, 0.03265862911939621, -0.010325897485017776, -0.040925033390522, 0.006421936675906181, 0.058977365493774414, -0.032909147441387177, -0.0071550835855305195, -0.0039531090296804905, 0.026117758825421333, -0.022952096536755562, 0.0008691810071468353, 0.02225361578166485, 0.007555417716503143, -0.029031692072749138, -0.013052420690655708, 0.05694650486111641, -0.011810829862952232, -0.06142094358801842, 0.01839298941195011, 0.021971050649881363, -0.023449555039405823, 0.015427310951054096, 0.00192786764819175, -0.05523386970162392, 0.08737628906965256, -0.021676963195204735, -0.06285601109266281, 0.060545120388269424, 0.035535138100385666, -0.07675005495548248, -0.0061827185563743114, 0.046784449368715286, 0.056349948048591614, -0.07616780698299408, -0.08139276504516602, 0.14916889369487762, 0.013940391130745411, -0.16778963804244995, 0.01369429286569357, 0.12784837186336517, 0.01610470376908779, -0.14867477118968964, -0.03557462617754936, 0.2820664942264557, -0.1890309900045395, 0.011422780342400074, -0.02659560739994049, 0.0880771279335022, -0.00670624291524291, -0.03881173953413963, -0.05628203973174095, 0.056892409920692444, 0.0591362826526165, -0.05984414741396904, -0.06941824406385422, 0.11398085951805115, 0.0332089439034462, -0.10745026916265488, -0.014484132640063763, 0.05590948462486267, 0.04709480330348015, -0.06269266456365585, -0.028266621753573418, 0.06520087271928787, 0.0574001707136631, -0.09898904711008072, -0.013621397316455841, 0.08012758195400238, 0.004891643766313791, -0.0431598499417305, 0.004244592040777206, -0.010192321613430977, 0.08533617854118347, -0.03773649409413338, -0.11574807018041611, 0.10140924900770187, 0.04836741462349892, -0.06935220211744308, -0.06812610477209091, 0.15367045998573303, -0.058696821331977844, -0.012363152578473091, -0.04220167547464371, 0.10027957707643509, -0.021742412820458412, -0.007969671860337257, -0.0022650284226983786, -0.039974600076675415, 0.04620349407196045, 0.04010619595646858, -0.03869549557566643, -0.06974188983440399, 0.0970696359872818, 0.047611188143491745, -0.1039450541138649, -0.04995562508702278, 0.10839232802391052, 0.008883479982614517, -0.10686510056257248, 0.010919534601271152, 0.08585254102945328, 0.010238192044198513, -0.037863507866859436, -0.05250014364719391, 0.10813774913549423, -0.06549323350191116, 0.018408017233014107, -0.0024267896078526974, -0.013529685325920582, 0.01949859969317913, 0.020590612664818764, -0.09482447803020477, 0.11171746253967285, -0.008170891553163528, -0.05906181409955025, 0.06596889346837997, -0.005951037164777517, -0.04700702056288719, 0.022322412580251694, 0.0442911721765995, -0.04874015226960182, -0.08041785657405853, 0.09868275374174118, 0.0839405357837677, -0.15183795988559723, 0.0258768480271101, 0.05826449394226074, -0.027686627581715584, 0.006950536277145147, -0.025031179189682007, -0.013354687951505184, 0.048473943024873734, -0.013772339560091496, -0.04957279935479164, 0.051114726811647415, -0.007214067969471216, 0.029393993318080902, -0.04974115639925003, -0.025576090440154076, 0.06784223765134811, -0.03486322984099388, 0.017879586666822433, 0.014484821818768978, -0.009364614263176918, -0.0834122896194458, 0.11913902312517166, -0.02516941726207733, -0.07090277224779129, 0.0102959293872118, 0.059709157794713974, -0.04099500551819801, 0.011621352285146713, -0.002966558327898383, 0.010469983331859112, -0.025266136974096298, -0.03791669011116028, 0.06304211914539337, -0.07369798421859741, 0.0191020667552948, 0.038833267986774445, -0.024527980014681816, -0.03776906803250313, 0.06143847480416298, 0.0023584472946822643, -0.03132881969213486, -0.002482205629348755, 0.03382168710231781, -0.005312811117619276, -0.009759820997714996, 0.011493222787976265, -0.06429211795330048, 0.010982165113091469, 0.020004266873002052, 0.02217235416173935, -0.09508630633354187, 0.0926671102643013, -0.07040096074342728, 0.0735669955611229, -0.03209512308239937, -0.07181275635957718, 0.07763353735208511, -0.009469832293689251, -0.012660720385611057, -0.006088847294449806, -0.050741784274578094, 0.10340867191553116, 0.026941517367959023, -0.11665702611207962, 0.04685831442475319, 0.015263144858181477, 0.031246332451701164, -0.03981085866689682, -0.07661295682191849, 0.09887460619211197, -0.02337333746254444, -0.013038239441812038, -0.01923488639295101, 0.021789493039250374, -0.02014383301138878, 0.0013296634424477816, -0.006379399914294481, 0.04053853452205658, -0.03939015418291092, 0.053255122154951096, -0.05320611596107483, 0.004539514426141977, 0.08223287016153336, -0.10657434910535812, -0.0027255185414105654, 0.04717725142836571, 0.006527584977447987, -0.14859211444854736, 0.16349294781684875, -0.0741499587893486, -0.004994094837456942, -0.001529402332380414, -0.020365111529827118, 0.09463657438755035, -0.12674754858016968, 0.09097852557897568, 0.034324560314416885, -0.07868096977472305, -0.0285677257925272, 0.10992928594350815, -0.053107064217329025, -0.07588720321655273, 0.09083855897188187, 0.024540353566408157, -0.0862114354968071, -0.0056306482292711735, 0.09797158092260361, -0.10706563293933868, 0.054322294890880585, -0.06803948432207108, -0.002245906973257661, 0.07732293754816055, -0.07546816766262054, 0.058152709156274796, -0.0530836246907711, 0.03802238032221794, -0.025203973054885864, 0.03238673135638237, 0.05184051766991615, -0.09660863876342773, 0.03289789333939552, 0.020731955766677856, -0.029386654496192932, 0.02075077034533024, 0.01882304437458515, -0.06810940057039261, 0.04641074314713478, -0.007106559816747904, -0.018280601128935814, 0.017960820347070694, 0.026966309174895287, -0.0472855269908905, 0.08045946061611176, -0.06666464358568192, 0.002913345815613866, 0.07981447130441666, -0.10941974073648453, -0.005904031917452812, 0.06263003498315811, -0.01529371365904808, -0.0012659546919167042, -0.011539002880454063, -0.023426348343491554, 0.05373074486851692, -0.01128815021365881, -0.06590962409973145, 0.06608366221189499, -0.06932860612869263, 0.10688323527574539, -0.08978895097970963, 0.040606722235679626, -1.8650047422852367e-05, 0.01707582361996174, -0.011275745928287506, 0.01338227279484272, -0.02210269309580326, 0.01886250264942646, -0.0026120422407984734, -0.042571067810058594, 0.04363233596086502, 0.03387746587395668, -0.022702757269144058, -0.03340712934732437, 0.04368197172880173, -0.0125812366604805, 0.030241988599300385, -0.09376276284456253, 0.06482956558465958, 0.019828977063298225, -0.06833076477050781, 0.044348664581775665, -0.007211043033748865, 0.002768632024526596, -0.030894944444298744, 0.028924481943249702, 0.04087897390127182, -0.027239667251706123, -0.03821827843785286, 0.06328523904085159, 0.0017428892897441983, -0.03665395826101303, -0.012225494720041752, -0.017878523096442223, 0.09731152653694153, -0.017393046990036964, -0.0967055931687355, 0.04627402499318123, 0.09681584686040878, -0.042844079434871674, -0.06331842392683029, -0.022048568353056908, 0.14454923570156097, -0.026132194325327873, -0.18971788883209229, 0.15534311532974243, 0.03953608497977257, -0.05856616422533989, -0.03491668030619621, 0.05280383303761482, 0.027038272470235825, -0.04591802880167961, -0.02919583022594452, 0.040207844227552414, 0.039363082498311996, -0.04499932378530502, -0.056532032787799835, 0.04648059979081154, 0.08287213742733002, -0.12975355982780457, 0.0125621622428298, 0.0792119950056076, -0.036198291927576065, -0.016456155106425285, 0.047750744968652725, -0.019958175718784332, 0.02999318204820156, -0.03721597045660019, 0.034743133932352066, -0.031093066558241844, 0.00956430472433567, 0.005129143130034208, -0.010572807863354683, -0.01876170001924038, 0.024539805948734283, 0.0564715713262558, -0.10455777496099472, 0.0891631692647934, -0.04921165108680725, 0.04758736491203308, -0.022783685475587845, -0.019017158076167107, -0.009806024841964245, 0.0990484282374382, -0.07104621827602386, -0.06629844754934311, 0.07726100087165833, 0.03103155642747879, -0.06158773973584175, 0.007472839206457138, 0.009352835826575756, 0.00016805405903141946, 0.006054702680557966, -0.04477545991539955, 0.0699453130364418, -0.04864203557372093, 0.0443335622549057, -0.019445734098553658, -0.00898843165487051, 0.007615359034389257, 0.013065487146377563, -0.002960598561912775, -0.02603118121623993, 0.015007720328867435, 0.014696255326271057, -0.00836118869483471, -0.004717724863439798, -0.013648152351379395, 0.05931505188345909, -0.046671558171510696, 0.0170319601893425, -0.03827505186200142, 0.025086019188165665, -0.0029369848780333996, -0.06562274694442749, 0.11830955743789673, -0.06887861341238022, -0.021177293732762337, 0.04544297233223915, -0.026337534189224243, 0.04164969176054001, -0.12148546427488327, 0.14948563277721405, -0.10452248156070709, -0.0024286459665745497, 0.11527242511510849, -0.11655343323945999, 0.04937975853681564, -0.009866800159215927, 0.016736121848225594, 0.0012576555600389838, -0.05046809837222099, 0.06943933665752411, -0.008571443147957325, -0.04456223547458649, -0.027370862662792206, 0.03671654686331749, 0.042153872549533844, -0.07916687428951263, 0.01729731075465679, 0.019953375682234764, 0.06732788681983948, -0.07652350515127182, -0.06951979547739029, 0.137822225689888, -0.035050034523010254, -0.010943803004920483, -0.11108613014221191, 0.14634326100349426, 0.03287767246365547, -0.13091644644737244, 0.058324459940195084, -0.042225390672683716, 0.10456156730651855, -0.10263508558273315, 0.023661620914936066, -0.04116130247712135, 0.08830951899290085, -0.015521463006734848, -0.09439115226268768, 0.04151608794927597, 0.07916660606861115, -0.08325492590665817, -0.007444663438946009, 0.05940459668636322, -0.06470295041799545, 0.06961675733327866, 0.018825940787792206, -0.09942647814750671, 0.057943642139434814, -0.012145446613430977, -0.0037618575152009726, 0.04970512166619301, -0.12164074927568436, 0.13163450360298157, -0.10081472247838974, 0.017685046419501305, -0.0013838912127539515, 0.03758393973112106, 0.009654168970882893, -0.0897969901561737, 0.08218257874250412, -0.022452397271990776, 0.024599749594926834, -0.05312780290842056, 0.016852710396051407, 0.0007792292744852602, -0.02512618713080883, 0.0006495007546618581, 0.003925366792827845, 0.030539972707629204, -0.07813829928636551, 0.10147617012262344, -0.0034655991476029158, -0.06851900368928909, 0.005450768396258354, 0.04263557121157646, -0.013406245969235897, -0.08932248502969742, 0.0420994758605957, 0.08107607811689377, -0.010024059563875198, -0.19128669798374176, 0.23945820331573486, -0.045466143637895584, -0.10183462500572205, 0.04333091899752617, 0.009348324500024319, 0.05058326944708824, -0.08887355029582977, 0.01302907895296812, 0.08690383285284042, -0.019840501248836517, -0.12941686809062958, 0.1064898818731308, -0.011073163710534573, -0.042117368429899216, 0.009137452580034733, 0.01469134259968996, 0.0461120530962944, -0.07608180493116379, 0.014052952639758587, 0.010118162259459496, 0.03209053352475166, -0.06293069571256638, -0.027261074632406235, 0.11206299066543579, -0.0765892043709755, -0.018869513645768166, 0.05064485967159271, -0.07082360982894897, 0.03792259097099304, 0.07865782082080841, -0.08108530938625336, -0.030900826677680016, 0.10012295097112656, -0.05174407362937927, -0.011300355195999146, 0.004851470701396465, 0.03207933530211449, -0.008471465669572353, -0.04048412665724754, 0.05344483628869057, 0.009874638170003891, -0.07031867653131485, 0.040609560906887054, 0.025884434580802917, -0.06368542462587357, 0.05481145903468132, -0.03447457775473595, 0.010680691339075565, 0.0036656949669122696, -0.004026052542030811, -0.031156091019511223, 0.05900618061423302, 0.007959922775626183, -0.045763347297906876, 0.011514438316226006, -0.0010633327765390277, 0.061904992908239365, -0.08194976300001144, 0.014925538562238216, 0.043024443089962006, 0.007522513624280691, -0.09220222383737564, 0.08308903872966766, 0.010001417249441147, -0.01460995152592659, -0.005438410211354494, -0.01440396998077631, 0.03180966526269913, 0.022250069305300713, -0.07229217886924744, 0.06916037201881409, -0.03096381016075611, -0.028919389471411705, 0.0872519314289093, -0.10007195919752121, 0.05490276217460632, 0.0519491471350193, -0.11384870857000351, 0.09301099181175232, -0.009080978110432625, -0.058057382702827454, 0.05152015760540962, 0.011871978640556335, -0.03476599603891373, 0.019552089273929596, 0.007803455460816622, 0.009708920493721962, 0.033245429396629333, -0.11538412421941757, 0.09816810488700867, -0.007593609392642975, -0.04137451574206352, 0.015682948753237724, 0.02633134461939335, 0.017673702910542488, -0.05006088316440582, 0.05093657970428467, 0.08173732459545135, -0.13961322605609894, 0.0386231355369091, 0.029881050810217857, -0.058043137192726135, 0.04778369143605232, -0.013104123994708061, 0.029317155480384827, -0.02664322592318058, 0.014703609980642796, 0.022583074867725372, -6.596579623874277e-05, -0.05798394978046417, 0.058576829731464386, 0.06449912488460541, -0.12701250612735748, 0.12024953961372375, -0.0033005422446876764, -0.03938988596200943, 0.048782601952552795, -0.07307549566030502, 0.07103818655014038, -0.05155889689922333, 0.03663866966962814, -0.06831859052181244, 0.05818222090601921, -0.04932907223701477, 0.08444884419441223, -0.03949209302663803, -0.012058907188475132, 0.025707703083753586, 0.0006148818065412343, 0.024354062974452972, -0.0824829488992691, 0.07977855205535889, -0.05650007724761963, 0.008815384469926357, 0.006725864019244909, -0.005360143259167671, 0.04694885388016701, 0.004299957770854235, -0.054847124963998795, 0.05156833678483963, 0.03923265263438225, -0.03699728474020958, -0.01391180232167244, 0.053646985441446304, -0.021858619526028633, -0.04431666061282158, 0.055480822920799255, 0.017055774107575417, -0.07388857752084732, 0.06621227413415909, -0.02201102487742901, 0.026492612436413765, -0.018623847514390945, -0.015159833244979382, 0.04676762595772743, -0.06643841415643692, 0.020869357511401176, -8.249850361607969e-05, 0.034705642610788345, -0.05083775520324707, 0.013328593224287033, 0.02442098967730999, 0.033560365438461304, -0.05859440565109253, 0.06381630152463913, -0.009177886880934238, -0.04324541613459587, 0.03530896455049515, -0.0009268745197914541, 0.05435287952423096, -0.09838513284921646, 0.022412694990634918, 0.07537756860256195, -0.06488117575645447, -0.025397872552275658, 0.08634043484926224, -0.014856729656457901, -0.0012455901596695185, -0.011625300161540508, 0.019820082932710648, 0.0011704779462888837, -0.03575444594025612, -0.0036792829632759094, 0.07874121516942978, -0.09012538939714432, 0.024578211829066277, 0.023630792275071144, 0.002445104531943798, -0.027902690693736076, 0.009626722894608974, 0.07035209983587265, -0.058300893753767014, 0.0409512035548687, -0.040178798139095306, 0.025847705081105232, -0.027659164741635323, 0.006220194976776838, 0.0515139102935791, -0.06202036514878273, 0.03703862056136131, -0.006077554542571306, -0.016868380829691887, 0.017091428861021996, -0.023617232218384743, 0.0510004460811615, -0.09293608367443085, 0.03528295457363129, 0.019794883206486702, -0.06340676546096802, 0.049590546637773514, -0.0344516783952713, 0.032608624547719955, 0.018758146092295647, -0.012625809758901596, -0.06646671891212463, 0.11137498170137405, -0.05362783744931221, -0.028314823284745216, 0.03229903429746628, -0.027582736685872078, 0.012412731535732746, 0.017738541588187218, -0.05691167339682579, 0.0363629125058651, 0.01770511083304882, -0.05650674179196358, 0.010895758867263794, 0.002247587312012911, 0.009990658611059189, -0.02824333868920803, 0.0033137176651507616, 0.001176140271127224, -0.04494767263531685, 0.05389759689569473, -0.03392094001173973, -0.02088318206369877, 0.025965286418795586, -0.010116823017597198, -0.00978916883468628, 0.021687619388103485, -0.015896394848823547, -0.007867980748414993, 0.02689286880195141, -0.03578966483473778, -0.011014941148459911, 0.007360450457781553, 0.015590358525514603, -0.015510684810578823, -0.023675566539168358, 0.01584973745048046, 0.017658893018960953, -0.05393014848232269, 0.022643761709332466, 0.010167550295591354, -0.028481295332312584, -0.004522380884736776, 0.020536649972200394, -0.031231360509991646, -0.012534870766103268, 0.034456271678209305, -0.02644447050988674, 0.013563580811023712, -0.025831133127212524, 0.03271467611193657, -0.042681705206632614, 0.014926726929843426, -0.004330403171479702, 0.008414696902036667, 0.012685958296060562, -0.06632213294506073, 0.02662087231874466, 0.030121074989438057, -0.053140342235565186, 0.006501616444438696, 0.020424334332346916, -0.010252853855490685, -0.025164151564240456, -0.014133499935269356, 0.04111379757523537, -0.030345359817147255, -0.027064921334385872, 0.008367008529603481, 0.024045821279287338, -0.03554389998316765, 0.0003710562305059284, -0.003954896703362465, -0.013935158960521221, -0.007347162812948227, 0.01256762258708477, -0.014549057930707932, -0.0019811007659882307, -0.018863825127482414, 0.004565898794680834, -0.01585889607667923, 0.03941443935036659, -0.046928003430366516, 0.04889914393424988, -0.016836605966091156, -0.010763668455183506, -0.022155962884426117, 0.021986575797200203, -0.010797988623380661, -0.021941348910331726, 0.05382369086146355, -0.04937009885907173, 0.03148430585861206, -0.04049869254231453, 0.02119305357336998, -0.01887544058263302, 0.011318763718008995, -0.007192897144705057, -0.0018212759168818593, -0.006973586976528168, -0.007639486808329821, -0.013432811014354229, 0.00231947167776525, -0.009958515875041485, 0.039683204144239426, -0.025170953944325447, 0.008557570166885853, 0.0008393400348722935, -0.040067918598651886, 0.03078465722501278, -0.006817932240664959, 0.012539476156234741, -0.04204695299267769, 0.02064393274486065, -0.0201950091868639, -0.04101738706231117, 0.029511475935578346, 0.011193724349141121, -0.0035240482538938522, -0.032196033746004105, 0.02559516206383705, 0.011642356403172016, -0.02920149452984333, -0.017222018912434578, 0.04876934736967087, -0.018655728548765182, -0.046288907527923584, 0.017277641221880913, 0.016440177336335182, -0.022018859162926674, 0.028855333104729652, -0.01491705235093832, 0.011321845464408398, 0.009703071787953377, -0.03291234374046326, 0.02818053774535656, -0.008199435658752918, -0.025294089689850807, 0.027203233912587166, -0.01357426866889, 0.002755712950602174, -0.0028158132918179035, 0.015889622271060944, 0.0003069395024795085, -0.013395681045949459, 0.013560988940298557, -0.015082067809998989, 0.012907972559332848, -0.015020574443042278, 0.006788757164031267, -0.01687431149184704, 0.01497217919677496, -0.0060987877659499645, 0.011824637651443481, -0.0002525979361962527, -0.023275507614016533, 0.02650991827249527, -0.01704767346382141, -0.00044554253690876067, -0.0014753793366253376, 0.008994719944894314, -0.0013907825341448188, 0.017154155299067497, 0.012448254972696304, -0.037402283400297165, 0.028824616223573685, -0.016427887603640556, 0.0030547017231583595, -0.0009044177131727338, 0.006759190000593662, -0.0020652583334594965, -0.01575304940342903, 0.037031229585409164, -0.028439221903681755, -0.013386797159910202, 0.007997016422450542, -0.007365265861153603, 0.01204493548721075, -0.05338812991976738, 0.027038533240556717, -0.01250266283750534, -0.002899021375924349, 0.00488272262737155, 0.0007792358519509435, 0.027992218732833862, -0.026289843022823334, 0.021078020334243774, -0.031738560646772385, 0.017262063920497894, -0.02279791422188282, -0.02523951232433319, 0.0195709727704525, -0.006585416384041309, -0.005311653017997742, -0.0169531237334013, 0.011177323758602142, -0.0007633881759829819, -0.04402083531022072, 0.029960671439766884, -0.025476234033703804, 0.028620747849345207, -0.01903899386525154, -0.00019316529505886137, -0.018730640411376953, -0.03260384872555733, -0.005887194070965052, -0.0061201429925858974, 0.034821588546037674, 0.010981487110257149, 0.02972145937383175, -0.0028300737030804157, 0.02573554590344429, 0.017955351620912552, -0.002075697062537074, 0.015050777234137058, -0.014700329862535, -0.021264323964715004, 0.004086771048605442, 0.030888669192790985, 0.03316215053200722, 0.08196668326854706, 0.12222051620483398, 0.021532470360398293, -0.025736050680279732, 0.02747921645641327, -0.0034246209543198347, 0.03260752186179161, 0.01904667355120182, 0.04302087426185608, 0.008975272066891193, -0.05747653916478157, -0.01127049420028925, -0.07947182655334473, -0.021786527708172798, -0.050425343215465546, -0.03263326734304428, 0.024806486442685127, -0.022656269371509552, 0.015982450917363167, -0.02307276427745819, 0.019993972033262253, 0.020556287840008736, -0.01710018329322338, 0.06793096661567688, 0.01509083155542612, 0.027847489342093468, 0.003006547223776579, 0.03342166170477867, 0.0015704293036833405, -0.007147792261093855, 0.03387180343270302, 0.037607092410326004, 0.0011592631926760077, 0.04249109700322151, 0.03732338175177574, -0.002457940950989723, 0.04001999273896217, -0.03676223382353783, 0.03543367236852646, 0.014992202632129192, 0.007230294868350029, -0.0072759292088449, -0.0012083094334229827, 0.037721309810876846, -0.03778807446360588, -0.0019206878496333957, 0.007758392486721277, 0.008122771047055721, 0.0014179041609168053, 0.009365366771817207, -0.012152574956417084, 0.007825481705367565, -0.033157479017972946, -0.011261108331382275, -0.00399892358109355, -0.03398564085364342, 0.02430131658911705, 0.0075158532708883286, 0.02676866203546524, 0.016106925904750824, 0.02647576481103897, -0.006481438409537077, 0.019843071699142456, -0.022997090592980385, 0.015048488974571228, 0.031282298266887665, -0.010726004838943481, 0.020865969359874725, -0.0026882351376116276, -0.0127101493999362, 0.024690762162208557, -0.02092917636036873, 0.02509225159883499, -0.006181633565574884, -0.003972723614424467, 0.012439507991075516, 0.022708039730787277, -0.009741993620991707, -0.0022811538074165583, -0.008068189024925232, -0.011562149971723557, -0.022072460502386093, -0.00283409864641726, -0.0009232491138391197, -0.00804890226572752, -0.006780014839023352, 0.008208434097468853, 0.022135859355330467, -0.00722753768786788, 0.004021902568638325, -0.005619253497570753, -0.0029170147608965635, -0.014490906149148941, -0.01074906624853611, 0.0164738018065691, -0.005133094731718302, 0.0048645562492311, 0.016573769971728325, -0.0022709646727889776, -0.011855083517730236, 0.012498423457145691, -0.011080740951001644, -0.010010180994868279, 0.01267420593649149, -0.021866360679268837, 0.018053652718663216, -0.019074292853474617, -0.005057974252849817, 0.005170550663024187, -0.021073291078209877, 0.016534529626369476, -0.031236665323376656, -0.02096991240978241, 0.025203887373209, -0.002934640971943736, -0.010009055025875568, 0.014897002838551998, -0.01270686462521553, -0.017685042694211006, -0.03029111586511135, 0.006936410441994667, 0.013273236341774464, -0.007277542259544134, -0.016010664403438568, 0.015770504251122475, -0.0021302271634340286, -0.006151195615530014, 0.017855612561106682, 0.003908556420356035, -0.014296148903667927, -0.00900446716696024, -0.006942997220903635, -0.006284393835812807, 0.004293833393603563, -0.003944772761315107, 0.021145330742001534, -0.01776350475847721, 0.015375575982034206, -0.0008652180549688637, 0.003179308259859681, -0.008188299834728241, 0.010726595297455788, 0.020045481622219086, -0.003548896871507168, 0.010523433797061443, -0.013410250656306744, 0.017086539417505264, -0.04140354320406914, 0.00889897346496582, 0.011059719137847424, 0.010427430272102356, 0.004213998094201088, -0.03323489800095558, 0.030995436012744904, 0.0013688202016055584, 0.004282774403691292, -0.00575912045314908, -0.0014711500843986869, 0.0036510901991277933, 0.001116921310313046, -0.008819655515253544, -0.02422853745520115, -0.013800759799778461, -0.01375128049403429, 0.00044624716974794865, 0.023590655997395515, 0.011805367656052113, 0.00519285723567009, 0.024100329726934433, -0.01585192047059536, 0.012485777027904987, 0.013660949654877186, -0.009835478849709034, 0.003978512715548277, -0.017377199605107307, -0.0055912514217197895, 0.018187081441283226, 0.018309300765395164, 0.010937746614217758, 0.007913115434348583, -0.00943514984101057, 0.005771177355200052, 0.022606149315834045, -0.014730378054082394, -0.022652383893728256, -0.005943803116679192, -0.029092593118548393, -0.004366323351860046, -0.006871497258543968, -0.020386042073369026, 0.0004713197995442897, -0.016650395467877388, 0.02279697358608246, 0.009259779006242752, 0.012980896979570389, 0.007130507379770279, -0.00043543719220906496, 0.0019365119514986873, 0.010045538656413555, 0.017081862315535545, 0.008239151909947395, -0.012159849517047405, 0.01706601120531559, 0.01606750674545765, 0.01814277283847332, 0.017295699566602707, -0.014664552174508572, 0.02306503802537918, -0.0021883046720176935, 0.010349108837544918, 0.024930791929364204, 0.014211022295057774, 0.00195797230117023, 0.0008123957086354494, -0.010676919482648373, -0.016306648030877113, -0.0028093031141906977, -0.014393247663974762, 0.005667522083967924, 0.010454068891704082, 0.002196710556745529, 0.01575610786676407, 0.001477374928072095, -0.007005723658949137, 0.014188136905431747, 0.0038625893648713827, 0.011794661171734333, 0.004143054597079754, -0.011187837459146976, 0.008833139203488827, 0.011414294131100178, 0.0048225801438093185, 0.0049844831228256226, 0.01853131130337715, 0.012324893847107887, -0.0025135651230812073, 0.004331119358539581, 0.019269853830337524, -0.0021985473576933146, -0.0004257812397554517, 0.02543691173195839, -0.0020377791952341795, -0.005548908840864897, 0.017468292266130447, 0.008798250928521156, 0.014614932239055634, 0.015379040502011776, 0.01343335211277008, 0.005882569123059511, -0.0072922296822071075, -0.014073225669562817, 0.013318386860191822, -0.012704234570264816, 0.013888896442949772, 0.0030302766244858503, -0.019776679575443268, -0.005929799750447273, -0.0014017377980053425, 0.012259299866855145, 0.000529786164406687, 0.011457833461463451, -9.423306619282812e-05, 0.004886686336249113, 0.00808687787503004, -0.0007655952358618379, -0.002356583019718528, 0.005627414211630821, 0.005534662865102291, -0.00442523742094636, 0.015032727271318436, 0.008584444411098957, 0.008044034242630005, 0.01867103949189186, 0.011685289442539215, 0.024268412962555885, -0.0030831394251435995, 0.006413591094315052, 0.01061125285923481, -0.011509563773870468, 0.0015276138437911868, -0.0026038323994725943, 0.0009820450795814395, -0.015594164840877056, 0.0051032849587500095, -0.008175061084330082, 0.00736776739358902, 0.002244451316073537, 0.0007138385553844273, 0.010439424775540829, -0.004907637368887663, -0.00548459030687809, -0.0031770076602697372, -0.00021207536337897182, -0.0049052853137254715, 0.00882808305323124, -0.015820415690541267, -0.003448786912485957, -0.013708689250051975, 0.004391657654196024, 0.004754629917442799, 0.002374669536948204, 0.01217078510671854, 0.004959027748554945, 0.004076335579156876, 0.022542446851730347, 0.01122179627418518, 0.005310568027198315, -0.0018366588046774268, 0.008694848977029324, 0.007100454997271299, -0.0024577337317168713, 0.009336593560874462, -0.0029694291297346354, -0.007143608760088682, -0.0031984560191631317, -0.0012925653718411922, -3.4402526125631994e-06, 0.0038482595700770617, 0.0017062635160982609, -0.009967900812625885, 0.006858866196125746, 0.005028488580137491, 0.010872210375964642, 0.015642421320080757, -0.00027141193277202547, 0.007147675380110741, 0.00391667615622282, 0.005873254034668207, 0.010090482421219349, -0.0038188749458640814, -0.00332015217281878, -0.0008542945142835379, 0.009356818161904812, 0.0029546741861850023, 0.003946496639400721, -0.0007353386026807129, 0.002768999431282282, 0.002501232083886862, -0.003572743618860841, -0.0017565371235832572, 0.0015504219336435199, -0.0033053907100111246, -0.005579665768891573, 0.00027187480009160936, -0.00368911842815578, 0.0036296555772423744, -0.0006591308629140258, 0.0005165227339603007, -0.00414285296574235, -0.005733251105993986, 0.0046820868737995625, -0.0004449008556548506, -0.008915592916309834, 0.006195590365678072, -0.004804155323654413, -0.0031709608156234026, 0.0025246080476790667, 0.0014408472925424576, 0.004320582374930382, -0.01068833190947771, -0.007179521024227142, -0.003280937671661377, -0.00822691060602665, -0.011701008304953575, -0.005079854279756546, -0.01146506518125534, -0.006944619584828615, -0.009895960800349712, -0.004849138669669628, -0.005740947090089321, -0.008155932649970055, 0.0018181795021519065, -0.004578111693263054, -0.013890519738197327, -0.013056457042694092, -0.00945987831801176, -0.011730425991117954, -0.02156694233417511, -0.009468023665249348, -0.004960190039128065, -0.015298047102987766, -0.003675909945741296, -0.007313192822039127, -0.00867854617536068, -0.007191004231572151, -0.0030877594836056232, -0.0016793862450867891, -0.0043724006973207, -0.01091214269399643, -0.004103801678866148, -0.0017913758056238294, -0.014629230834543705, -0.01631391979753971, -0.00887408759444952, -0.012214411050081253, -0.012729178182780743, -0.015180257149040699, -0.011967805214226246, -0.014036311767995358, -0.021537259221076965, -0.011164285242557526, -0.017703086137771606, -0.022486787289381027, -0.014147556386888027, -0.02082015387713909, -0.02305515669286251, -0.02150679938495159, -0.018548600375652313, -0.005575959570705891, -0.014956054277718067, -0.01504326332360506, -0.01029093936085701, -0.006821457762271166, -0.003479273058474064, -0.00328412395901978, -0.0015809194883331656, -0.0065355622209608555, -0.009382952004671097, -0.010828599333763123, 0.0012820125557482243, -0.0024625330697745085, -0.010925211943686008, -0.007579928729683161, -0.003357530804350972, -0.00412025349214673, -0.0032323338091373444, 2.807942837534938e-05, -0.007382209878414869, 3.844196908175945e-05, -0.005585150793194771, -0.0023201468866318464, -0.004923093132674694, -0.012417899444699287, -0.009094782173633575, -0.009942241944372654, -0.010767020285129547, -0.012451469898223877, -0.00954393483698368, -0.008981921710073948, -0.00582286948338151, -0.005504777189344168, -0.001234549912624061, 0.003962974529713392, 0.0008229301893152297, 0.004814547952264547, 0.007717866450548172, 0.008248399011790752, 0.00923371221870184, 0.004093836527317762, 0.003959198947995901, 0.0028422728646546602, 0.0009432404767721891, 0.0032302711624652147, 0.003605823963880539, -0.0015187254175543785, 0.0015808861935511231, 0.0012847897596657276, 0.003894817316904664, 0.0026829957496374846, 0.0005839983350597322, 0.00493975542485714, 0.0018020827556028962, 0.0018744434928521514, 0.0007905721431598067, 0.005047627724707127, 0.00047815233119763434, 0.0020923649426549673, 0.001977932406589389, 0.0037583045195788145, 0.0006079599843360484, 0.0017371333669871092, 0.004987148102372885, 0.003382484195753932, 0.005289055407047272, -0.0018379139946773648, 0.00042396277422085404, -0.0020783417858183384, -0.0023780378978699446, 0.0022425667848438025, -0.003115877043455839, -0.0024274953175336123, -0.0027930529322475195, -0.00418988848105073, -0.00488403020426631, -0.007042251527309418, -0.0018782420083880424, -0.004427958279848099, -0.00599945243448019, -0.006156934425234795, -0.005459955427795649, -0.005021109711378813, -0.00904835481196642, -0.009122053161263466, -0.01031604316085577, -0.011535463854670525, -0.017043227329850197, -0.018745308741927147, -0.02045525051653385, -0.02313404530286789, -0.027077028527855873, -0.03110046684741974, -0.034581203013658524, -0.03866766765713692, -0.03415847569704056, -0.03783547505736351, -0.04261362925171852, -0.04557636380195618, -0.04124739021062851, -0.04383322596549988, -0.04855181649327278, -0.04608500003814697, -0.04731166362762451, -0.04640655219554901, -0.047472529113292694, -0.048633772879838943, -0.053432706743478775, -0.060468390583992004, -0.062488291412591934, -0.05835597589612007, -0.06895748525857925, -0.07653763145208359, -0.08278621733188629, -0.08563156425952911, -0.09050408750772476, -0.09394168853759766, -0.09340478479862213, -0.09753276407718658, -0.0951419249176979, -0.09166977554559708, -0.0867520421743393, -0.06933370977640152, -0.06608002632856369, -0.04599295184016228, -0.031052365899086, -0.016782110556960106, -0.004005419556051493, 0.011666837148368359, 0.026746192947030067, 0.038041140884160995, 0.050171710550785065, 0.05620191618800163, 0.06213713809847832, 0.06670980155467987, 0.07057179510593414, 0.07272873818874359, 0.06728339940309525, 0.0699034035205841, 0.06500483304262161, 0.06559056788682938, 0.0633978471159935, 0.06026551499962807, 0.05816192552447319, 0.04912383481860161, 0.0437157116830349, 0.032746415585279465, 0.022246114909648895, 0.008118280209600925, -0.003907048609107733, -0.013367699459195137, -0.024663612246513367, -0.034953389316797256, -0.04146682843565941, -0.045825280249118805, -0.04204310104250908, -0.03528332710266113, -0.02991819940507412, -0.01817152462899685, -0.00434885872527957, 0.011859248392283916, 0.0271476898342371, 0.04547102004289627, 0.06105029210448265, 0.072270967066288, 0.07988862693309784, 0.08747272938489914, 0.09451483935117722, 0.10031751543283463, 0.10039692372083664, 0.09556323289871216, 0.08803204447031021, 0.08074953407049179, 0.07481558620929718, 0.07599568367004395, 0.06930132210254669, 0.059258997440338135, 0.04916151985526085, 0.048441722989082336, 0.04962163418531418, 0.04578300938010216, 0.04820745810866356, 0.04295777156949043, 0.041499778628349304, 0.04082947596907616, 0.03983992338180542, 0.04518904164433479, 0.04094241186976433, 0.038454487919807434, 0.032932672649621964, 0.028668217360973358, 0.028258047997951508, 0.031841639429330826, 0.028189687058329582, 0.02607329562306404, 0.023957613855600357, 0.022018838673830032, 0.03382984176278114, 0.0364098958671093, 0.044178400188684464, 0.045989733189344406, 0.04678274318575859, 0.05601918324828148, 0.05792770907282829, 0.06425485014915466, 0.060135502368211746, 0.05881781503558159, 0.05204291641712189, 0.05023568868637085, 0.04384161904454231, 0.036023784428834915, 0.03012380562722683, 0.014864139258861542, 0.006720392033457756, -0.007304684724658728, -0.016257083043456078, -0.027965521439909935, -0.034711629152297974, -0.04751607030630112, -0.05321060121059418, -0.060766398906707764, -0.0662275105714798, -0.06388703733682632, -0.07281088829040527, -0.0709347352385521, -0.07623114436864853, -0.07367781549692154, -0.07356204837560654, -0.07631479948759079, -0.07331127673387527, -0.07762445509433746, -0.07490966469049454, -0.08060769736766815, -0.07681989669799805, -0.07591000199317932, -0.07638540118932724, -0.07538473606109619, -0.08132389187812805, -0.07800834625959396, -0.08610797673463821, -0.08341030776500702, -0.08803413808345795, -0.09383281320333481, -0.10853913426399231, -0.1166858896613121, -0.11784181743860245, -0.1267329603433609, -0.1255412995815277, -0.13566945493221283, -0.1334288865327835, -0.12630543112754822, -0.11054030060768127, -0.07936744391918182, -0.061553165316581726, -0.030266640707850456, -0.004982206504791975, 0.03116012178361416, 0.07045898586511612, 0.10020262002944946, 0.12658046185970306, 0.14057616889476776, 0.15272276103496552, 0.1597619652748108, 0.16356994211673737, 0.15149055421352386, 0.13830555975437164, 0.11551361531019211, 0.08913405239582062, 0.06544814258813858, 0.042748723179101944, 0.026056254282593727, -0.0017066592117771506, -0.01519255805760622, -0.032836634665727615, -0.04384009167551994, -0.04209604486823082, -0.045783691108226776, -0.038987841457128525, -0.04246456176042557, -0.03289845958352089, -0.02866601198911667, -0.016612473875284195, -0.008181781508028507, -0.004321131855249405, 0.00365290604531765, 0.0038138634990900755, 0.015473795123398304, 0.017347393557429314, 0.029174286872148514, 0.03405868634581566, 0.04148903116583824, 0.05151044577360153, 0.05504957213997841, 0.07098869234323502, 0.07919122278690338, 0.09271478652954102, 0.09513988345861435, 0.09499754756689072, 0.09536818414926529, 0.09215611219406128, 0.09158454835414886, 0.07829353958368301, 0.06647776067256927, 0.04704073444008827, 0.03163627162575722, 0.017796281725168228, 0.003045234829187393, -0.010745431296527386, -0.02626759000122547, -0.03382056951522827, -0.03994316607713699, -0.03804580494761467, -0.035187650471925735, -0.02864483743906021, -0.023364461958408356, -0.010836102068424225, 0.004663761239498854, 0.01567627117037773, 0.033920109272003174, 0.045652907341718674, 0.06204300746321678, 0.07222111523151398, 0.08174260705709457, 0.09433790296316147, 0.09723732620477676, 0.10184959322214127, 0.10204753279685974, 0.0997258722782135, 0.09339719265699387, 0.08698020130395889, 0.08452462404966354, 0.07525487244129181, 0.06044720485806465, 0.05015362799167633, 0.04203284904360771, 0.03529852256178856, 0.026527419686317444, 0.01963665522634983, 0.013509099371731281, 0.006582369562238455, 0.006074078381061554, 0.0054395366460084915, 0.007157046347856522, 0.005466795526444912, 0.004004169255495071, 0.010152095928788185, 0.0098804272711277, 0.017025461420416832, 0.018531791865825653, 0.022014789283275604, 0.026246411725878716, 0.02404983527958393, 0.029787441715598106, 0.029068632051348686, 0.03071771003305912, 0.024788876995444298, 0.02460905909538269, 0.021943453699350357, 0.01389572024345398, 0.012233063578605652, 0.004239315632730722, 0.002649057889357209, -0.007741342764347792, -0.013862655498087406, -0.017521629109978676, -0.026213513687253, -0.02840798906981945, -0.03832167759537697, -0.04256086423993111, -0.050628550350666046, -0.057881731539964676, -0.0621362067759037, -0.07327558845281601, -0.07711295783519745, -0.08756981790065765, -0.09062318503856659, -0.09887371212244034, -0.10379122942686081, -0.10766887664794922, -0.11061304807662964, -0.11068469285964966, -0.11751693487167358, -0.1167839840054512, -0.11854708939790726, -0.11554419249296188, -0.11686134338378906, -0.11768826097249985, -0.12379869818687439, -0.1234259083867073, -0.12340480834245682, -0.1273210346698761, -0.11985761672258377, -0.12984631955623627, -0.12132486701011658, -0.11888880282640457, -0.10790575295686722, -0.08975549787282944, -0.07854846864938736, -0.047237832099199295, -0.0327414870262146, 0.0051488010212779045, 0.035619646310806274, 0.07074017077684402, 0.09987061470746994, 0.11564365774393082, 0.1507909893989563, 0.15900205075740814, 0.17380250990390778, 0.17050741612911224, 0.1608455926179886, 0.15107522904872894, 0.12005910277366638, 0.10411136597394943, 0.07085765153169632, 0.04201263561844826, 0.007374485954642296, -0.02057572267949581, -0.04112107679247856, -0.06625090539455414, -0.076761893928051, -0.08746980130672455, -0.0912543460726738, -0.09370479732751846, -0.08616087585687637, -0.07492195069789886, -0.0635361596941948, -0.050242237746715546, -0.03757483884692192, -0.020496957004070282, -0.007985555566847324, 0.0065411715768277645, 0.018899481743574142, 0.02840154431760311, 0.034200239926576614, 0.04062264412641525, 0.04922580346465111, 0.053099125623703, 0.058649007230997086, 0.06104516610503197, 0.06364233046770096, 0.06766849011182785, 0.06930125504732132, 0.06976062804460526, 0.07221944630146027, 0.06913392245769501, 0.0666579082608223, 0.061877135187387466, 0.05489174649119377, 0.0473753847181797, 0.03687398508191109, 0.027382809668779373, 0.014657490886747837, 0.0011841329978778958, -0.011174576357007027, -0.01805240660905838, -0.02726605162024498, -0.03417441248893738, -0.03853937238454819, -0.043133530765771866, -0.037404920905828476, -0.034408871084451675, -0.024922888725996017, -0.013002511113882065, -0.003068263176828623, 0.010720415972173214, 0.023799480870366096, 0.044218771159648895, 0.057376280426979065, 0.07050217688083649, 0.08140803873538971, 0.09172845631837845, 0.1026865765452385, 0.10741826891899109, 0.11046656966209412, 0.10993115603923798, 0.10586690902709961, 0.09859231859445572, 0.09453235566616058, 0.08310363441705704, 0.07164575159549713, 0.06006084755063057, 0.04462570697069168, 0.035226184874773026, 0.01763484999537468, 0.010062456130981445, 0.003018459305167198, -0.008313125930726528, -0.01519775390625, -0.01919005997478962, -0.020018819719552994, -0.020779166370630264, -0.018052713945508003, -0.016934292390942574, -0.013296450488269329, -0.009318874217569828, -0.0018141585169360042, 0.005601868499070406, 0.007813398726284504, 0.013965010643005371, 0.015319579280912876, 0.02170068584382534, 0.022661490365862846, 0.022127052769064903, 0.024718521162867546, 0.0200387854129076, 0.01954524591565132, 0.012609627097845078, 0.008017304353415966, 0.002147502964362502, -0.007070135325193405, -0.010233345441520214, -0.020735055208206177, -0.02471468597650528, -0.034715428948402405, -0.038814738392829895, -0.04359254986047745, -0.05259964242577553, -0.05553537234663963, -0.06550372391939163, -0.06580417603254318, -0.0754077360033989, -0.08097047358751297, -0.08694537729024887, -0.09385284781455994, -0.09702149778604507, -0.10575149953365326, -0.10495433956384659, -0.10928879678249359, -0.1102137491106987, -0.11138811707496643, -0.11091955751180649, -0.11043945699930191, -0.1095513105392456, -0.10640636086463928, -0.10700412094593048, -0.10486088693141937, -0.10988522320985794, -0.10658536106348038, -0.10969427973031998, -0.11161515861749649, -0.11440245062112808, -0.12049412727355957, -0.11954855173826218, -0.1288507878780365, -0.1225106492638588, -0.11747259646654129, -0.10672470182180405, -0.09164418280124664, -0.08101683855056763, -0.05118845775723457, -0.026730533689260483, 0.00818679016083479, 0.04063384607434273, 0.06766030937433243, 0.09696953743696213, 0.11848276108503342, 0.14487901329994202, 0.15776664018630981, 0.1627734899520874, 0.16090808808803558, 0.15192395448684692, 0.13955490291118622, 0.11596739292144775, 0.09361986070871353, 0.06336722522974014, 0.03199975565075874, 0.001959155546501279, -0.025780169293284416, -0.04908594489097595, -0.0696776732802391, -0.08525039255619049, -0.093921959400177, -0.09904053062200546, -0.0988287627696991, -0.09049485623836517, -0.07868743687868118, -0.06563813984394073, -0.05175565928220749, -0.03266270086169243, -0.013811580836772919, 0.004580928944051266, 0.020662277936935425, 0.033601876348257065, 0.04558125138282776, 0.05197660252451897, 0.05905187502503395, 0.06324813514947891, 0.0621451698243618, 0.05987919494509697, 0.057595521211624146, 0.053006257861852646, 0.048498500138521194, 0.04436417296528816, 0.0404164157807827, 0.037392616271972656, 0.03394394367933273, 0.03168908879160881, 0.029103269800543785, 0.02718939632177353, 0.023902801796793938, 0.02194766141474247, 0.018017610535025597, 0.011067614890635014, 0.005300315096974373, -0.001258441829122603, -0.0072161308489739895, -0.014210757799446583, -0.020154595375061035, -0.02811983972787857, -0.03243562951683998, -0.03396574407815933, -0.03457281365990639, -0.031363699585199356, -0.02915421687066555, -0.021185055375099182, -0.009707733057439327, 0.003657342167571187, 0.019053533673286438, 0.03297879174351692, 0.0504719540476799, 0.0655658170580864, 0.08026404678821564, 0.0974164754152298, 0.106276735663414, 0.11284225434064865, 0.11282091587781906, 0.11384159326553345, 0.1123618483543396, 0.10011816769838333, 0.09101104736328125, 0.07514507323503494, 0.06007281318306923, 0.04514128342270851, 0.026566149666905403, 0.013931814581155777, -0.007159521337598562, -0.018536055460572243, -0.027887484058737755, -0.03796752914786339, -0.0425240732729435, -0.04654604569077492, -0.04612920433282852, -0.04263338819146156, -0.03983699902892113, -0.033696915954351425, -0.026279523968696594, -0.020913640037178993, -0.012354318052530289, -0.00359550048597157, 0.0052404929883778095, 0.009466847404837608, 0.017443589866161346, 0.022877536714076996, 0.025368405506014824, 0.030017569661140442, 0.02878112904727459, 0.03202817216515541, 0.028301075100898743, 0.025530701503157616, 0.021713240072131157, 0.014535964466631413, 0.007488459348678589, -0.0024492978118360043, -0.008692675270140171, -0.019952021539211273, -0.028491424396634102, -0.03724052011966705, -0.04885033518075943, -0.05691155791282654, -0.06555018573999405, -0.07256405055522919, -0.07827872782945633, -0.08500970900058746, -0.09190185368061066, -0.09589231014251709, -0.09827087074518204, -0.09898064285516739, -0.09888958930969238, -0.0989222526550293, -0.09809529781341553, -0.095193050801754, -0.09265433996915817, -0.0895046591758728, -0.0825551226735115, -0.0810498595237732, -0.07807744294404984, -0.07708049565553665, -0.07642338424921036, -0.07505790144205093, -0.07810233533382416, -0.07912293076515198, -0.08571753650903702, -0.09135980159044266, -0.09814656525850296, -0.10503313690423965, -0.10877668857574463, -0.11810670047998428, -0.12369955331087112, -0.12629850208759308, -0.12688790261745453, -0.11701134592294693, -0.10464421659708023, -0.09117309004068375, -0.07190274447202682, -0.05244201049208641, -0.01876433938741684, 0.01459838543087244, 0.042974814772605896, 0.07096792012453079, 0.09597927331924438, 0.12283817678689957, 0.14060594141483307, 0.15588970482349396, 0.16007842123508453, 0.15768051147460938, 0.14996778964996338, 0.13849246501922607, 0.12189210206270218, 0.09636003524065018, 0.07117275148630142, 0.04462020844221115, 0.016969414427876472, -0.009862457402050495, -0.033307034522295, -0.053281329572200775, -0.06952718645334244, -0.080389104783535, -0.08792071044445038, -0.09020373970270157, -0.08914957195520401, -0.0793822854757309, -0.06654082983732224, -0.05311407893896103, -0.03889685496687889, -0.023322008550167084, -0.002573599573224783, 0.014376805163919926, 0.029574619606137276, 0.04222401604056358, 0.0499449260532856, 0.057777147740125656, 0.06339418143033981, 0.06728733330965042, 0.06697415560483932, 0.06329701095819473, 0.061212003231048584, 0.05730170011520386, 0.0534997433423996, 0.049203820526599884, 0.04521976038813591, 0.04201807081699371, 0.03812788054347038, 0.03505096584558487, 0.03131391853094101, 0.029016168788075447, 0.027786148712038994, 0.022355223074555397, 0.017458666115999222, 0.012441296130418777, 0.005727850366383791, 0.0026400084607303143, -0.0013970299623906612, -0.007530160713940859, -0.013564495369791985, -0.018920641392469406, -0.01937912032008171, -0.01855013705790043, -0.016456935554742813, -0.013960055075585842, -0.00920115690678358, 0.001815105089917779, 0.012462537735700607, 0.026863453909754753, 0.03927420824766159, 0.05182350054383278, 0.06806109845638275, 0.08054131269454956, 0.09278867393732071, 0.09980067610740662, 0.10462695360183716, 0.10962017625570297, 0.10830391943454742, 0.10553140193223953, 0.0976882204413414, 0.08734806627035141, 0.07713194936513901, 0.062031302601099014, 0.05086415261030197, 0.03428926318883896, 0.01812046766281128, 0.006996663752943277, -0.007435262203216553, -0.01607988215982914, -0.025141403079032898, -0.03460150584578514, -0.03582174703478813, -0.03903257101774216, -0.03713170439004898, -0.03474058955907822, -0.03120734728872776, -0.02533108741044998, -0.02093094028532505, -0.010587594471871853, -0.004827972035855055, 0.003364369971677661, 0.010558424517512321, 0.01575886644423008, 0.023981109261512756, 0.025256305932998657, 0.028528375551104546, 0.029363730922341347, 0.02792271040380001, 0.02610614150762558, 0.020826444029808044, 0.016131138429045677, 0.009531703777611256, 0.0010545480763539672, -0.0075631216168403625, -0.018138853833079338, -0.028118552640080452, -0.038053955882787704, -0.04788219556212425, -0.054336074739694595, -0.06413274258375168, -0.07109852880239487, -0.07496914267539978, -0.07990477234125137, -0.08206421881914139, -0.08668039739131927, -0.08451493829488754, -0.08333708345890045, -0.0827990472316742, -0.08034110814332962, -0.07890021055936813, -0.07420947402715683, -0.07451962679624557, -0.06967438012361526, -0.06616589426994324, -0.06651736050844193, -0.0621623657643795, -0.06216457486152649, -0.059244368225336075, -0.06031283736228943, -0.06206454336643219, -0.06237528845667839, -0.06675270944833755, -0.07029389590024948, -0.07395647466182709, -0.07958845794200897, -0.08487402647733688, -0.09110987931489944, -0.09665844589471817, -0.10209143906831741, -0.10736063122749329, -0.10527735948562622, -0.10496079921722412, -0.0946836844086647, -0.08700290322303772, -0.07489170134067535, -0.05196927487850189, -0.03401279076933861, -0.003037789138033986, 0.021619707345962524, 0.046638213098049164, 0.07512151449918747, 0.09752592444419861, 0.12361151725053787, 0.14044970273971558, 0.15200595557689667, 0.15812118351459503, 0.15834450721740723, 0.156357079744339, 0.14448703825473785, 0.1305038034915924, 0.1103251650929451, 0.08557301759719849, 0.0639985129237175, 0.03633437678217888, 0.013046556152403355, -0.00998570304363966, -0.03426005318760872, -0.049346745014190674, -0.06552363187074661, -0.0733291283249855, -0.0772450864315033, -0.0786215215921402, -0.07295699417591095, -0.06764599680900574, -0.05276048928499222, -0.039205122739076614, -0.022552266716957092, -0.002583853667601943, 0.011977165937423706, 0.030585238710045815, 0.042612224817276, 0.05581389740109444, 0.06835326552391052, 0.07317661494016647, 0.0795905664563179, 0.07991140335798264, 0.08171918988227844, 0.07777173817157745, 0.07266988605260849, 0.06736558675765991, 0.05830487236380577, 0.05201771855354309, 0.044311389327049255, 0.03957955539226532, 0.035427991300821304, 0.028335360810160637, 0.025761520490050316, 0.024530721828341484, 0.02113902010023594, 0.021642038598656654, 0.018915163353085518, 0.01814368925988674, 0.017619598656892776, 0.016369303688406944, 0.016612952575087547, 0.01362701691687107, 0.012369420379400253, 0.010828888043761253, 0.010893401689827442, 0.010443456470966339, 0.009347521699965, 0.01241119671612978, 0.014321841299533844, 0.017559822648763657, 0.023274382576346397, 0.030861714854836464, 0.03862600028514862, 0.045786116272211075, 0.05438105762004852, 0.0647469162940979, 0.07225173711776733, 0.07888295501470566, 0.08696186542510986, 0.0914779081940651, 0.0945771113038063, 0.0937734991312027, 0.09250880777835846, 0.09027205407619476, 0.08624003082513809, 0.07840268313884735, 0.06615433841943741, 0.05548887327313423, 0.04369235783815384, 0.03127674758434296, 0.020608386024832726, 0.006639490835368633, -0.005471932701766491, -0.014801203273236752, -0.020594025030732155, -0.023879144340753555, -0.029681993648409843, -0.030751651152968407, -0.02871560864150524, -0.026593536138534546, -0.02004018798470497, -0.014193259179592133, -0.0053133899345994, 0.0005072349449619651, 0.006585168186575174, 0.015267475508153439, 0.020459815859794617, 0.02923264168202877, 0.03013329952955246, 0.03345653787255287, 0.03412901237607002, 0.03166986629366875, 0.031014449894428253, 0.025474874302744865, 0.02146865613758564, 0.012818451970815659, 0.005331058986485004, -0.003025344805791974, -0.012625087983906269, -0.019825246185064316, -0.029579835012555122, -0.03699428588151932, -0.045622844249010086, -0.052022162824869156, -0.05585214123129845, -0.061067845672369, -0.06408385187387466, -0.06742538511753082, -0.07029687613248825, -0.06808461993932724, -0.06907052546739578, -0.06701309978961945, -0.06577394157648087, -0.06540733575820923, -0.062482040375471115, -0.06156592443585396, -0.05681000277400017, -0.05655066668987274, -0.05488575994968414, -0.05387042835354805, -0.054544635117053986, -0.05454009771347046, -0.057761456817388535, -0.05988353490829468, -0.0635053887963295, -0.06939532607793808, -0.0735035091638565, -0.07947934418916702, -0.08543089777231216, -0.0895986333489418, -0.09497477114200592, -0.09936048090457916, -0.1030089482665062, -0.1050487756729126, -0.10052219033241272, -0.09499374777078629, -0.08460892736911774, -0.07409537583589554, -0.058490652590990067, -0.037363145500421524, -0.013573829084634781, 0.012947379611432552, 0.03750395029783249, 0.06100653111934662, 0.08499559015035629, 0.10747241228818893, 0.12942765653133392, 0.14333344995975494, 0.15274210274219513, 0.1581278294324875, 0.1590878963470459, 0.1562204360961914, 0.1469206064939499, 0.1327982395887375, 0.11441262811422348, 0.09365709871053696, 0.07029420882463455, 0.04760027304291725, 0.02411218360066414, 0.0015329656889662147, -0.020257556810975075, -0.03774898499250412, -0.05314737185835838, -0.06316262483596802, -0.06867896765470505, -0.0712774395942688, -0.07026660442352295, -0.06420110166072845, -0.054228685796260834, -0.04104043170809746, -0.02602708339691162, -0.009241622872650623, 0.006164153106510639, 0.020653899759054184, 0.03578617051243782, 0.048668622970581055, 0.05963168665766716, 0.06767209619283676, 0.07397016882896423, 0.07782018929719925, 0.07889457792043686, 0.07861941307783127, 0.0748487338423729, 0.07103079557418823, 0.06579234451055527, 0.057318586856126785, 0.052133772522211075, 0.045486316084861755, 0.040758952498435974, 0.03573659062385559, 0.03119497187435627, 0.02795652486383915, 0.0237986221909523, 0.02281276136636734, 0.019959503784775734, 0.01964876614511013, 0.019688770174980164, 0.017578186467289925, 0.017188414931297302, 0.01518634706735611, 0.016049936413764954, 0.015309992246329784, 0.014904207549989223, 0.013406448066234589, 0.013206792995333672, 0.014820035547018051, 0.01724044792354107, 0.020891312509775162, 0.023002682253718376, 0.028602510690689087, 0.034210529178380966, 0.041376274079084396, 0.04750240221619606, 0.0549614392220974, 0.060038477182388306, 0.0653105229139328, 0.07352029532194138, 0.07833173871040344, 0.08190611749887466, 0.08246006071567535, 0.08337675780057907, 0.08374665677547455, 0.08218146860599518, 0.07860937714576721, 0.0710773766040802, 0.06455094367265701, 0.055341143161058426, 0.04791718348860741, 0.03823566064238548, 0.026144033297896385, 0.01601903699338436, 0.005664628464728594, -0.0009865534957498312, -0.009228688664734364, -0.015652036294341087, -0.02109041064977646, -0.024069769307971, -0.025261839851737022, -0.026127004995942116, -0.024331899359822273, -0.021157724782824516, -0.017385302111506462, -0.012296758592128754, -0.006900357082486153, -0.0007662170100957155, 0.0046859364956617355, 0.00953573826700449, 0.014097764156758785, 0.018207482993602753, 0.021856015548110008, 0.02270721085369587, 0.0227312371134758, 0.021930217742919922, 0.01883426308631897, 0.015493358485400677, 0.012267877347767353, 0.007332619279623032, 0.0013401512987911701, -0.006739000789821148, -0.013442223891615868, -0.019646646454930305, -0.027534393593668938, -0.03259478881955147, -0.04056384414434433, -0.045286837965250015, -0.049489445984363556, -0.054436419159173965, -0.05747769773006439, -0.061242442578077316, -0.06153394281864166, -0.06395932286977768, -0.06315512210130692, -0.06252346932888031, -0.06404449045658112, -0.06091215834021568, -0.060433775186538696, -0.05703756585717201, -0.05686420574784279, -0.056753020733594894, -0.05477183684706688, -0.05743256211280823, -0.05565372109413147, -0.05940119922161102, -0.06238546594977379, -0.06525281816720963, -0.07322228699922562, -0.07613273710012436, -0.08227068185806274, -0.08695020526647568, -0.09261919558048248, -0.09701317548751831, -0.09986678510904312, -0.10506761819124222, -0.10563711076974869, -0.10188884288072586, -0.09414226561784744, -0.08411556482315063, -0.07333175092935562, -0.06011858955025673, -0.04125149920582771, -0.0181829072535038, 0.006287349388003349, 0.028747955337166786, 0.04914885386824608, 0.07206368446350098, 0.09415927529335022, 0.11567646265029907, 0.1286078244447708, 0.13876952230930328, 0.1453268676996231, 0.14801546931266785, 0.14884231984615326, 0.13999152183532715, 0.1316496580839157, 0.11460054665803909, 0.09655366092920303, 0.07857576757669449, 0.05750572308897972, 0.03712253272533417, 0.012624318711459637, -0.00480226194486022, -0.023496128618717194, -0.0398947075009346, -0.05309269204735756, -0.06176353618502617, -0.06581024080514908, -0.07015196233987808, -0.06733231991529465, -0.06451541930437088, -0.05713502690196037, -0.046682894229888916, -0.035386402159929276, -0.020660262554883957, -0.00999483559280634, 0.00220706919208169, 0.014719170518219471, 0.02786959707736969, 0.03689784184098244, 0.044851094484329224, 0.04944939911365509, 0.052304431796073914, 0.056167375296354294, 0.057691991329193115, 0.05641026422381401, 0.05163951590657234, 0.04894481599330902, 0.04463156685233116, 0.04078177362680435, 0.03499116748571396, 0.031071381643414497, 0.02748657576739788, 0.022219086065888405, 0.019975190982222557, 0.015647193416953087, 0.01456512976437807, 0.014735043048858643, 0.012229743413627148, 0.012049765326082706, 0.009874250739812851, 0.012067370116710663, 0.010777567513287067, 0.009133719839155674, 0.00864358153194189, 0.004980768542736769, 0.005046799313277006, 0.0032432314474135637, 0.005447271279990673, 0.006611056625843048, 0.006452587433159351, 0.009627317078411579, 0.013558665290474892, 0.021484754979610443, 0.026504160836338997, 0.03282812610268593, 0.03904794156551361, 0.0452500581741333, 0.05013089254498482, 0.05701787397265434, 0.0645373985171318, 0.06743660569190979, 0.06919335573911667, 0.06852775067090988, 0.07054080814123154, 0.06881935149431229, 0.0669880285859108, 0.05939078703522682, 0.05108581483364105, 0.04249489679932594, 0.03259393945336342, 0.02827308513224125, 0.012657291255891323, 0.0038974296767264605, -0.0063589150086045265, -0.01282941922545433, -0.01874193362891674, -0.0267135351896286, -0.028035415336489677, -0.03657107427716255, -0.03658505156636238, -0.03850025311112404, -0.03465022146701813, -0.03244583681225777, -0.031884703785181046, -0.024327054619789124, -0.02209451049566269, -0.012019207701086998, -0.007403020281344652, -0.001224957057274878, 0.001403572503477335, 0.005620707292109728, 0.01046708319336176, 0.011029638350009918, 0.012705246917903423, 0.009686983190476894, 0.009865018539130688, 0.006472716573625803, 0.002371811540797353, -0.0033143539912998676, -0.008442780934274197, -0.014561370946466923, -0.020485853776335716, -0.025802699849009514, -0.034250952303409576, -0.038584139198064804, -0.044670458883047104, -0.0480569526553154, -0.0525917150080204, -0.05768666788935661, -0.05920035019516945, -0.06499713659286499, -0.06554200500249863, -0.06817109882831573, -0.06900984793901443, -0.06924694031476974, -0.07067714631557465, -0.06757736951112747, -0.07027020305395126, -0.06846553832292557, -0.06725819408893585, -0.06849658489227295, -0.06976525485515594, -0.07134100049734116, -0.07247135043144226, -0.07432263344526291, -0.07941403239965439, -0.08234839886426926, -0.0847284346818924, -0.08875969052314758, -0.09264007955789566, -0.09538713842630386, -0.09717905521392822, -0.10235124826431274, -0.1062844917178154, -0.10823547840118408, -0.10882189869880676, -0.1064164936542511, -0.10117724537849426, -0.08991608023643494, -0.08083128184080124, -0.07037895172834396, -0.05357881262898445, -0.03106825053691864, -0.008294252678751945, 0.012606670148670673, 0.03360798954963684, 0.0536225251853466, 0.0750172883272171, 0.09402602165937424, 0.11080420762300491, 0.1188429668545723, 0.12425912171602249, 0.12840934097766876, 0.1267670840024948, 0.12345302850008011, 0.11191251128911972, 0.09873020648956299, 0.08203376829624176, 0.06298491358757019, 0.04582834988832474, 0.026715679094195366, 0.006734557915478945, -0.015186753123998642, -0.03171543776988983, -0.04553917050361633, -0.058921948075294495, -0.06914906948804855, -0.07572643458843231, -0.07729848474264145, -0.07725342363119125, -0.07442492991685867, -0.06866759806871414, -0.060060154646635056, -0.04860072582960129, -0.03704400733113289, -0.025929225608706474, -0.015470395796000957, -0.004613774362951517, 0.006013019941747189, 0.018484607338905334, 0.026112256571650505, 0.030179522931575775, 0.036073923110961914, 0.040244996547698975, 0.04443646967411041, 0.045218225568532944, 0.044286906719207764, 0.03997842222452164, 0.038241997361183167, 0.03741452842950821, 0.03234311565756798, 0.02891094796359539, 0.02447345107793808, 0.02118789218366146, 0.01800438202917576, 0.01459586713463068, 0.011170527897775173, 0.006925422698259354, 0.004001257475465536, -0.0001773985568434, -0.004990124609321356, -0.008863557130098343, -0.012350320816040039, -0.014668849296867847, -0.020062044262886047, -0.024461975321173668, -0.02629214897751808, -0.02498605288565159, -0.024421721696853638, -0.021883318200707436, -0.01781819947063923, -0.013914029113948345, -0.0051155295222997665, 0.0031028047669678926, 0.014538693241775036, 0.0232849158346653, 0.03117883764207363, 0.04150746017694473, 0.05151677131652832, 0.06183553859591484, 0.06561529636383057, 0.06926944106817245, 0.07095000892877579, 0.07428031414747238, 0.0745377242565155, 0.07135879993438721, 0.06399484723806381, 0.05627667158842087, 0.0494350902736187, 0.04051774740219116, 0.0296618789434433, 0.015745757147669792, 0.007193456403911114, -0.0036863943096250296, -0.011824220418930054, -0.02173127606511116, -0.027812600135803223, -0.033634647727012634, -0.03936691954731941, -0.03799010440707207, -0.04098329320549965, -0.038649436086416245, -0.03929334878921509, -0.03272789716720581, -0.02839856594800949, -0.025424424558877945, -0.01906290464103222, -0.01483588945120573, -0.006008724682033062, -0.0030097297858446836, 0.0029151486232876778, 0.0034733405336737633, 0.00645278487354517, 0.009369263425469398, 0.009882815182209015, 0.01106362883001566, 0.004620672203600407, 0.004505858290940523, 0.0007366783102042973, -0.0023618366103619337, -0.010198937729001045, -0.017218856140971184, -0.020917000249028206, -0.02895275130867958, -0.03163639083504677, -0.03846796602010727, -0.04377273470163345, -0.05021892860531807, -0.05322934314608574, -0.056413110345602036, -0.06201024726033211, -0.06535101681947708, -0.06822379678487778, -0.0665118619799614, -0.06976700574159622, -0.07088515907526016, -0.07295916229486465, -0.07345538586378098, -0.07294970005750656, -0.07498110830783844, -0.07315351814031601, -0.07551530003547668, -0.07317004352807999, -0.07625140249729156, -0.07827351242303848, -0.07986041158437729, -0.08293457329273224, -0.08059335500001907, -0.0839427262544632, -0.08475054055452347, -0.08719374239444733, -0.09057436883449554, -0.09333770722150803, -0.09405603259801865, -0.09799867123365402, -0.10252842307090759, -0.10350854694843292, -0.09576553106307983, -0.08663607388734818, -0.07759853452444077, -0.06708616763353348, -0.05768619850277901, -0.033042196184396744, -0.011745288036763668, 0.016003048047423363, 0.03519418463110924, 0.05247042328119278, 0.07919016480445862, 0.09469826519489288, 0.11555009335279465, 0.12398036569356918, 0.1296970695257187, 0.13228775560855865, 0.12768936157226562, 0.12392901629209518, 0.10946900397539139, 0.09565620124340057, 0.0777537003159523, 0.058501213788986206, 0.03922998160123825, 0.016536954790353775, -0.0018941826419904828, -0.01843823678791523, -0.03359950706362724, -0.047089893370866776, -0.058010224252939224, -0.06421135365962982, -0.06320862472057343, -0.061827581375837326, -0.05793236196041107, -0.05564473196864128, -0.049488846212625504, -0.03854520246386528, -0.029650308191776276, -0.016727082431316376, -0.011657144874334335, -0.003385982709005475, 0.004159904085099697, 0.01084770169109106, 0.02263445407152176, 0.02614464983344078, 0.03357322886586189, 0.035259995609521866, 0.04042350500822067, 0.04371758922934532, 0.04485296085476875, 0.048683974891901016, 0.047504495829343796, 0.05030513182282448, 0.047622308135032654, 0.050024859607219696, 0.05065041780471802, 0.04898317530751228, 0.045414235442876816, 0.04067439213395119, 0.03640544041991234, 0.028802504763007164, 0.02299555577337742, 0.014817223884165287, 0.006515095941722393, -0.0043803672306239605, -0.014146089553833008, -0.024195030331611633, -0.03042355179786682, -0.03530630096793175, -0.0392397977411747, -0.042503807693719864, -0.04323258250951767, -0.03683069720864296, -0.03143000975251198, -0.021217063069343567, -0.012745432555675507, -7.144936535041779e-05, 0.012729250825941563, 0.026455625891685486, 0.04200440272688866, 0.0522548109292984, 0.06735147535800934, 0.07190089672803879, 0.08245401084423065, 0.0893745943903923, 0.09217003732919693, 0.0946754664182663, 0.08766136318445206, 0.08962595462799072, 0.08492319285869598, 0.08060076832771301, 0.07094412297010422, 0.05925244465470314, 0.05332193523645401, 0.04133228212594986, 0.03350022807717323, 0.02213207818567753, 0.011763829737901688, 0.004189165309071541, -0.003813092829659581, -0.006422835402190685, -0.01417591329663992, -0.019173776730895042, -0.01779838278889656, -0.019036494195461273, -0.0168530885130167, -0.01649489253759384, -0.014253910630941391, -0.00829197559505701, -0.003948583733290434, 0.003048144979402423, 0.004153626970946789, 0.012815384194254875, 0.018704073503613472, 0.02046007104218006, 0.025026420131325722, 0.024686235934495926, 0.02572833187878132, 0.02331833727657795, 0.023731252178549767, 0.022036805748939514, 0.017321297898888588, 0.013330129906535149, 0.00742359459400177, 0.0045996359549462795, -0.00122867024037987, -0.006407445762306452, -0.011815574020147324, -0.016095701605081558, -0.01950354501605034, -0.023833420127630234, -0.026859113946557045, -0.032075729221105576, -0.03630128130316734, -0.04011905938386917, -0.04327962175011635, -0.04549802094697952, -0.0501541793346405, -0.05460086464881897, -0.05856262147426605, -0.06091718375682831, -0.06278006732463837, -0.06630504876375198, -0.06596166640520096, -0.06992759555578232, -0.06840900331735611, -0.06987891346216202, -0.07408196479082108, -0.07440204918384552, -0.07834058254957199, -0.07533187419176102, -0.07839690893888474, -0.07796911150217056, -0.07906666398048401, -0.07997763901948929, -0.07599791139364243, -0.08188889175653458, -0.08412893861532211, -0.09269207715988159, -0.09407073259353638, -0.0887768566608429, -0.07791208475828171, -0.0639493390917778, -0.0607437938451767, -0.04833919182419777, -0.026949778199195862, 0.0020122372079640627, 0.03026413917541504, 0.0507410503923893, 0.06837740540504456, 0.08862843364477158, 0.11122355610132217, 0.13174788653850555, 0.13909262418746948, 0.1407184600830078, 0.14055196940898895, 0.1351896971464157, 0.12821783125400543, 0.11212377995252609, 0.0919731855392456, 0.07638173550367355, 0.05546236038208008, 0.03593922778964043, 0.012196601368486881, -0.005415285471826792, -0.018846560269594193, -0.0322108194231987, -0.04126196727156639, -0.05651351436972618, -0.05992589890956879, -0.056116268038749695, -0.05129941925406456, -0.04468017816543579, -0.04406946897506714, -0.03601536899805069, -0.0260274987667799, -0.012908228673040867, -0.0008079905528575182, 0.0023751237895339727, 0.011799289844930172, 0.017596939578652382, 0.029458383098244667, 0.03967462107539177, 0.04385150223970413, 0.05048878863453865, 0.053986649960279465, 0.061060432344675064, 0.062135204672813416, 0.06080623343586922, 0.0646822452545166, 0.0626283586025238, 0.06373893469572067, 0.059333477169275284, 0.05444352701306343, 0.05367997661232948, 0.048634182661771774, 0.04780348762869835, 0.03646888956427574, 0.027664726600050926, 0.0214657261967659, 0.015006627887487411, 0.013268143869936466, 0.0021750435698777437, -0.004716827999800444, -0.015384535305202007, -0.023767441511154175, -0.02304091863334179, -0.027829958125948906, -0.027676625177264214, -0.03295407444238663, -0.030979687348008156, -0.023812206462025642, -0.018089659512043, -0.005659264978021383, 0.0011652418179437518, 0.01236728299409151, 0.02367345429956913, 0.03437970206141472, 0.049208901822566986, 0.05912543460726738, 0.06850431114435196, 0.07511718571186066, 0.08013036847114563, 0.08563439548015594, 0.08290842175483704, 0.08211137354373932, 0.07988943159580231, 0.07491603493690491, 0.07015683501958847, 0.06273825466632843, 0.05595053359866142, 0.048441849648952484, 0.04360413923859596, 0.03694687411189079, 0.028166616335511208, 0.024562817066907883, 0.01755836233496666, 0.016587136313319206, 0.015219268389046192, 0.011528931558132172, 0.009901813231408596, 0.004890437237918377, 0.008071299642324448, 0.008104326203465462, 0.0098955687135458, 0.010549741797149181, 0.008916876278817654, 0.01205973420292139, 0.011902209371328354, 0.017310598865151405, 0.01814526878297329, 0.020601093769073486, 0.021053694188594818, 0.019210869446396828, 0.022894755005836487, 0.021205836907029152, 0.020503245294094086, 0.01823219656944275, 0.016447888687253, 0.014665618538856506, 0.009017055854201317, 0.00684932479634881, 0.0015238793566823006, -0.0029707255307585, -0.007695312146097422, -0.016611585393548012, -0.022119421511888504, -0.027835339307785034, -0.029157770797610283, -0.03137343376874924, -0.03967355936765671, -0.04521694779396057, -0.05100241303443909, -0.04698742926120758, -0.047490138560533524, -0.05163676664233208, -0.0556146577000618, -0.061167266219854355, -0.05724767968058586, -0.05999699607491493, -0.05958548188209534, -0.06383127719163895, -0.06615973263978958, -0.06280205398797989, -0.07004006206989288, -0.06816646456718445, -0.07569857686758041, -0.0758008137345314, -0.07911289483308792, -0.08527626842260361, -0.08938450366258621, -0.09765677154064178, -0.09363009035587311, -0.09974660724401474, -0.09869763255119324, -0.10383813083171844, -0.10485702008008957, -0.10060065239667892, -0.10003741830587387, -0.10304707288742065, -0.11566843837499619, -0.10756582021713257, -0.0823049247264862, -0.05704307183623314, -0.05174572393298149, -0.03930992633104324, -0.016397548839449883, 0.023967087268829346, 0.061459895223379135, 0.08372453600168228, 0.10734873265028, 0.11716926842927933, 0.14238332211971283, 0.15762105584144592, 0.16435328125953674, 0.1575380116701126, 0.13700012862682343, 0.1306317299604416, 0.10822423547506332, 0.09168660640716553, 0.05879982188344002, 0.03176826611161232, 0.01192710641771555, -0.014311562292277813, -0.034009791910648346, -0.05936434492468834, -0.06417533755302429, -0.07042252272367477, -0.07323191314935684, -0.07799621671438217, -0.08285588026046753, -0.07078749686479568, -0.05737806484103203, -0.04128795862197876, -0.04061082378029823, -0.03443564847111702, -0.024259576573967934, -0.009369859471917152, 0.004602102097123861, 0.011066434904932976, 0.017513742670416832, 0.017050644382834435, 0.027682185173034668, 0.034270819276571274, 0.04085521772503853, 0.04758695140480995, 0.05484973266720772, 0.06260152906179428, 0.06452236324548721, 0.06793320924043655, 0.06993475556373596, 0.07843451201915741, 0.08234398812055588, 0.07548417150974274, 0.05972762033343315, 0.047917891293764114, 0.04555102065205574, 0.03640015795826912, 0.02004116401076317, -0.003680542344227433, -0.02382245846092701, -0.0390741340816021, -0.045680154114961624, -0.05235353484749794, -0.0635145977139473, -0.06987949460744858, -0.07066654413938522, -0.06521519273519516, -0.054991841316223145, -0.04628099873661995, -0.03414881229400635, -0.01992541179060936, -0.0067008379846811295, 0.006804228760302067, 0.020426463335752487, 0.03793485090136528, 0.053209397941827774, 0.06324511021375656, 0.06694202125072479, 0.07095352560281754, 0.07876702398061752, 0.08356188982725143, 0.08756391704082489, 0.08342601358890533, 0.07550971210002899, 0.07172466069459915, 0.07156429439783096, 0.07086164504289627, 0.06397479772567749, 0.05154271423816681, 0.04692480340600014, 0.037668097764253616, 0.03070763684809208, 0.02592211589217186, 0.015231993049383163, 0.008757186122238636, 0.0021058875136077404, -0.0012140232138335705, -0.0038967106956988573, -0.006840226706117392, -0.002144596539437771, 0.00016078929184004664, 0.0027580917812883854, 0.003867223858833313, 0.005875123664736748, 0.016542470082640648, 0.02537482976913452, 0.03298857435584068, 0.03268082067370415, 0.035701531916856766, 0.04192021116614342, 0.04662053659558296, 0.05300833284854889, 0.0484766885638237, 0.04509548470377922, 0.04217829182744026, 0.0395142026245594, 0.03634165599942207, 0.028846418485045433, 0.022462191060185432, 0.016901489347219467, 0.008712392300367355, 0.002260049572214484, -0.002353877294808626, -0.004866046831011772, -0.007464071735739708, -0.01571413315832615, -0.01931643858551979, -0.024327460676431656, -0.025006607174873352, -0.025604188442230225, -0.031175151467323303, -0.03648019954562187, -0.0431264229118824, -0.042791999876499176, -0.04427899420261383, -0.04590289294719696, -0.047352384775877, -0.05031086504459381, -0.04719967395067215, -0.047608718276023865, -0.04955703020095825, -0.046286191791296005, -0.04409541189670563, -0.039080046117305756, -0.040974996984004974, -0.04259314388036728, -0.042967960238456726, -0.04382398724555969, -0.04026403650641441, -0.043398573994636536, -0.047896843403577805, -0.052294425666332245, -0.056107837706804276, -0.05844980478286743, -0.06642157584428787, -0.07014232873916626, -0.07313362509012222, -0.07862686365842819, -0.08197177201509476, -0.09097308665513992, -0.08739627152681351, -0.09018311649560928, -0.09016147255897522, -0.08901951462030411, -0.09121052175760269, -0.08419258147478104, -0.08339326828718185, -0.07584793120622635, -0.07280777394771576, -0.07118836790323257, -0.05432857573032379, -0.03411271050572395, -0.015314191579818726, -1.8149690731661394e-05, 0.012460070662200451, 0.04446622356772423, 0.06472205370664597, 0.08323453366756439, 0.1009741947054863, 0.11136545985937119, 0.12478592246770859, 0.11883848905563354, 0.1213100478053093, 0.1091800257563591, 0.0962051972746849, 0.08168237656354904, 0.05705242231488228, 0.03542621061205864, 0.0067051430232822895, -0.01221297588199377, -0.027672072872519493, -0.04581020772457123, -0.059890612959861755, -0.07251844555139542, -0.0747738778591156, -0.07626088708639145, -0.07203968614339828, -0.06572804600000381, -0.06042671203613281, -0.0538906492292881, -0.045761559158563614, -0.036428362131118774, -0.02500982955098152, -0.01953883469104767, -0.011471636593341827, -0.004495008382946253, 0.0010717211989685893, 0.009283059276640415, 0.0151444086804986, 0.023500902578234673, 0.027256373316049576, 0.03457562252879143, 0.04151247814297676, 0.04448731616139412, 0.05183246731758118, 0.05621076002717018, 0.06239097937941551, 0.060014139860868454, 0.05814940109848976, 0.055040016770362854, 0.046607792377471924, 0.04020377993583679, 0.026449380442500114, 0.011936676688492298, -0.007274662610143423, -0.019010646268725395, -0.03515270724892616, -0.049591321498155594, -0.05626155436038971, -0.06832847744226456, -0.06782972067594528, -0.07149864733219147, -0.06788580864667892, -0.0597696490585804, -0.05218612775206566, -0.03582439944148064, -0.02878781408071518, -0.012124474160373211, -0.0031696015503257513, 0.013547857291996479, 0.027159076184034348, 0.03274506330490112, 0.046326734125614166, 0.046939507126808167, 0.055960092693567276, 0.05546872690320015, 0.05405625328421593, 0.054286547005176544, 0.05332832410931587, 0.05289898067712784, 0.04381704702973366, 0.04313895106315613, 0.037638191133737564, 0.02977767027914524, 0.028091130778193474, 0.023258868604898453, 0.01636558212339878, 0.007270783185958862, 0.0027262470684945583, -0.0027314466424286366, -0.006630833726376295, -0.011098540388047695, -0.012934909202158451, -0.007538184989243746, -0.007989555597305298, -0.0054927607998251915, 0.005279967095702887, 0.013319870457053185, 0.021950675174593925, 0.03422154486179352, 0.04137077555060387, 0.0525808110833168, 0.05564242601394653, 0.06160083785653114, 0.0690159723162651, 0.0671871230006218, 0.06895379722118378, 0.05772422254085541, 0.053111955523490906, 0.04763923957943916, 0.03949722275137901, 0.03585417941212654, 0.022147174924612045, 0.019323401153087616, 0.010004381649196148, 0.00964322965592146, 0.009380435571074486, -0.0007406031945720315, 0.0030042759608477354, -0.00013340388250071555, -0.0010762653546407819, -0.005349849350750446, -0.010371671989560127, -0.005986293777823448, -0.01405278593301773, -0.013456203043460846, -0.02506568282842636, -0.02812875621020794, -0.03222416713833809, -0.03739413619041443, -0.03586362674832344, -0.04358493536710739, -0.042148489505052567, -0.041253868490457535, -0.02947840839624405, -0.03261280432343483, -0.022047722712159157, -0.01652197353541851, -0.010973451659083366, -0.003467125818133354, -0.010550342500209808, -0.003108473028987646, -0.0171357449144125, -0.009177963249385357, -0.02625414915382862, -0.034967903047800064, -0.04353027045726776, -0.05744462460279465, -0.05560031905770302, -0.07931346446275711, -0.07117705792188644, -0.09110978990793228, -0.08257634937763214, -0.08934292942285538, -0.0849531814455986, -0.08003850281238556, -0.09313996136188507, -0.06381413340568542, -0.09031219035387039, -0.07312842458486557, -0.07919301092624664, -0.08701713383197784, -0.07502484321594238, -0.10273875296115875, -0.08426573872566223, -0.10081265866756439, -0.10280093550682068, -0.09723812341690063, -0.07472430914640427, -0.059705231338739395, -0.04992610216140747, -0.00873254518955946, 0.017094597220420837, 0.060230553150177, 0.08494546264410019, 0.12652793526649475, 0.14221283793449402, 0.16650336980819702, 0.16984277963638306, 0.1716906726360321, 0.1742277890443802, 0.1362575888633728, 0.13529150187969208, 0.08705305308103561, 0.0637773796916008, 0.030536586418747902, -0.002560588764026761, -0.014935036189854145, -0.05322831869125366, -0.04945351555943489, -0.08028200268745422, -0.06601414829492569, -0.06598354130983353, -0.07146979123353958, -0.046688877046108246, -0.06027936935424805, -0.030893979594111443, -0.033130377531051636, -0.024349521845579147, -0.00910444837063551, -0.014728356152772903, 0.004226924851536751, 0.002175946021452546, 0.014361999928951263, 0.022742124274373055, 0.03134898468852043, 0.053364623337984085, 0.05579959973692894, 0.07511700689792633, 0.08720629662275314, 0.10077939182519913, 0.11286602169275284, 0.11043388396501541, 0.11569496989250183, 0.10538981854915619, 0.09772634506225586, 0.08040402084589005, 0.06008527800440788, 0.03543238341808319, 0.009051157161593437, -0.013439279980957508, -0.03824267536401749, -0.055511996150016785, -0.06789763271808624, -0.07537786662578583, -0.07778941839933395, -0.07456815987825394, -0.06885052472352982, -0.05414213612675667, -0.03876873105764389, -0.021977463737130165, -0.008664073422551155, 0.006405381020158529, 0.012650799937546253, 0.025904081761837006, 0.02934555895626545, 0.02792254090309143, 0.033617567270994186, 0.02487887069582939, 0.029192045331001282, 0.020578628405928612, 0.029413564130663872, 0.031589750200510025, 0.029744764789938927, 0.040005698800086975, 0.03923315182328224, 0.053483907133340836, 0.04913580045104027, 0.05381593108177185, 0.0492851622402668, 0.0416402705013752, 0.03430749848484993, 0.016895191743969917, 0.002357517834752798, -0.01596778817474842, -0.03525440767407417, -0.04939499497413635, -0.0644865408539772, -0.07498040050268173, -0.07484632730484009, -0.07486779242753983, -0.068934865295887, -0.06002422049641609, -0.041195098310709, -0.021888911724090576, -0.006956466007977724, 0.013400395400822163, 0.02746422030031681, 0.042140617966651917, 0.053215473890304565, 0.05536537989974022, 0.05913309380412102, 0.05533860996365547, 0.05722424387931824, 0.048440102487802505, 0.04045717045664787, 0.03840579465031624, 0.030478311702609062, 0.028744103386998177, 0.022898931056261063, 0.02139473147690296, 0.018130922690033913, 0.016080617904663086, 0.014115785248577595, 0.005399095825850964, 0.004640459548681974, -0.00757191376760602, -0.012363351881504059, -0.020172972232103348, -0.033025067299604416, -0.03655829653143883, -0.0457598902285099, -0.044999368488788605, -0.05004674196243286, -0.05167137831449509, -0.04122377932071686, -0.03479187190532684, -0.026473941281437874, -0.015229039825499058, -0.00033265602542087436, 0.006521617062389851, 0.01939070038497448, 0.02956456132233143, 0.03298851102590561, 0.037268053740262985, 0.03504694253206253, 0.03366801515221596, 0.028823478147387505, 0.024163585156202316, 0.016430044546723366, 0.006365901790559292, 0.001597116352058947, -0.005642677191644907, -0.011215601116418839, -0.012478445656597614, -0.016325337812304497, -0.016085464507341385, -0.019172396510839462, -0.01627718098461628, -0.016045086085796356, -0.017750563099980354, -0.013947016559541225, -0.021199906244874, -0.01727266237139702, -0.02164660207927227, -0.02140733413398266, -0.017310459166765213, -0.020352546125650406, -0.013757317326962948, -0.014047302305698395, -0.005284522194415331, 0.0035072939936071634, 0.011794875375926495, 0.02236253209412098, 0.02606865018606186, 0.03833720460534096, 0.041908469051122665, 0.0473080612719059, 0.05015042424201965, 0.048446718603372574, 0.04841519892215729, 0.044805120676755905, 0.038136836141347885, 0.03233985975384712, 0.029626430943608284, 0.01895887590944767, 0.01685377024114132, 0.00798949133604765, 0.00596089381724596, 0.0031910932157188654, 0.001453483011573553, 0.0015204388182610273, -0.0015102983452379704, 0.0012078037252649665, -0.007088848855346441, -0.0017885639099404216, -0.007639280054718256, -0.009718880988657475, -0.0050852796994149685, -0.012102675624191761, -0.008126978762447834, -0.012408396229147911, -0.009557342156767845, -0.0074491859413683414, -0.005687548778951168, 0.0003094154817517847, 0.0014831945300102234, 0.004456730093806982, 0.004629398230463266, 0.006618299055844545, 0.014877601526677608, 0.009327211417257786, 0.008923913352191448, 0.007022107485681772, 0.007386792916804552, 0.004066767171025276, -0.0025015580467879772, -0.0029392200522124767, -0.01496141031384468, -0.011599818244576454, -0.02588452585041523, -0.02340801991522312, -0.03253567963838577, -0.043087806552648544, -0.03983321413397789, -0.056302011013031006, -0.049826737493276596, -0.0643870085477829, -0.06400370597839355, -0.074210986495018, -0.07284693419933319, -0.07880930602550507, -0.08681447058916092, -0.07241863012313843, -0.09297285228967667, -0.08507934957742691, -0.09116196632385254, -0.08394335210323334, -0.07184291630983353, -0.06294559687376022, -0.04262061044573784, -0.02602643333375454, -0.00761016272008419, 0.01171579398214817, 0.03811698779463768, 0.06270703673362732, 0.08357924222946167, 0.094272680580616, 0.10591504722833633, 0.10241368412971497, 0.11119291186332703, 0.10955532640218735, 0.09878457337617874, 0.08435314893722534, 0.056516703218221664, 0.05011419579386711, 0.021612361073493958, 0.00890550296753645, -0.008801045827567577, -0.029517805203795433, -0.04055946692824364, -0.06335945427417755, -0.06934710592031479, -0.07986512035131454, -0.07654519379138947, -0.0792972669005394, -0.0874948650598526, -0.07883897423744202, -0.07539527118206024, -0.05744175612926483, -0.04712947830557823, -0.03590736165642738, -0.018464768305420876, -0.0025651995092630386, 0.012263860553503036, 0.02990146540105343, 0.046596966683864594, 0.05576549470424652, 0.06706107407808304, 0.07251577824354172, 0.07482268661260605, 0.07594059407711029, 0.07422133535146713, 0.06924717873334885, 0.056477900594472885, 0.04387945309281349, 0.027655644342303276, 0.01885777898132801, 0.002500200178474188, -0.012850570492446423, -0.02505941316485405, -0.03938102349638939, -0.04733123257756233, -0.05696381628513336, -0.05904722213745117, -0.0655675157904625, -0.06642506271600723, -0.06838706135749817, -0.068292997777462, -0.060428276658058167, -0.05957156792283058, -0.0442667230963707, -0.040856923907995224, -0.02868405543267727, -0.022139836102724075, -0.008751610293984413, 0.0050617908127605915, 0.018671493977308273, 0.030423343181610107, 0.03593147173523903, 0.047945719212293625, 0.052452027797698975, 0.058478210121393204, 0.060460176318883896, 0.05451679229736328, 0.04971349611878395, 0.043691426515579224, 0.03194963186979294, 0.023296112194657326, 0.013591847382485867, -0.0004532918974291533, -0.008011805824935436, -0.022951731458306313, -0.02873326651751995, -0.03561544790863991, -0.04122548550367355, -0.04223371297121048, -0.04992377385497093, -0.04362862557172775, -0.046592168509960175, -0.03950917720794678, -0.03433356061577797, -0.028973808512091637, -0.02012155018746853, -0.016653450205922127, 0.000182884163223207, 0.006573323160409927, 0.023692749440670013, 0.030826477333903313, 0.04017556086182594, 0.051543936133384705, 0.057796817272901535, 0.06655693054199219, 0.06766683608293533, 0.06993083655834198, 0.0638945922255516, 0.057247523218393326, 0.045821040868759155, 0.03501572087407112, 0.022828375920653343, 0.009859805926680565, -0.0062062120996415615, -0.019285524263978004, -0.030151335522532463, -0.03894190117716789, -0.043911680579185486, -0.04518764466047287, -0.047542981803417206, -0.04534219577908516, -0.04057343676686287, -0.03208421543240547, -0.0262687336653471, -0.01735161431133747, -0.010180309414863586, -0.004234218969941139, 0.003397966967895627, 0.005641004536300898, 0.011654872447252274, 0.013391822576522827, 0.016410956159234047, 0.016791773959994316, 0.01976686716079712, 0.02036776766180992, 0.019743675366044044, 0.019759664312005043, 0.018311746418476105, 0.015489060431718826, 0.010025695897638798, 0.0055342186242341995, 0.0018502246821299195, -0.0013651424087584019, -0.007029193919152021, -0.01398593932390213, -0.017089245840907097, -0.01612490974366665, -0.01699167490005493, -0.0165836364030838, -0.010989728383719921, -0.009840190410614014, -0.004634771030396223, 0.004891823977231979, 0.010011225007474422, 0.019931986927986145, 0.0247369222342968, 0.026053093373775482, 0.03221417963504791, 0.03182893246412277, 0.031976573169231415, 0.03285694494843483, 0.028157144784927368, 0.024945665150880814, 0.01893528364598751, 0.012921609915792942, 0.008797425776720047, 0.00492016552016139, -0.0010678464313969016, -0.003595011541619897, -0.008519659750163555, -0.013206583447754383, -0.010280901566147804, -0.01579739712178707, -0.013722983188927174, -0.014433340169489384, -0.016067737713456154, -0.011691569350659847, -0.01362108439207077, -0.010647398419678211, -0.009915811941027641, -0.007917447946965694, -0.0022183747496455908, -0.0005097804241813719, 0.0030083584133535624, 0.007986573502421379, 0.01578490063548088, 0.017901048064231873, 0.02132287248969078, 0.025391140952706337, 0.025582684203982353, 0.032100412994623184, 0.03075079806149006, 0.02811540476977825, 0.02596498653292656, 0.021188322454690933, 0.020254995673894882, 0.014628005214035511, 0.0105128837749362, 0.004288991913199425, -0.0018287583952769637, -0.004981172736734152, -0.01050865650177002, -0.011693283915519714, -0.013874728232622147, -0.015486669726669788, -0.01571141742169857, -0.01589103229343891, -0.014690822921693325, -0.011786437593400478, -0.007082749158143997, -0.004170016851276159, -0.0011969172628596425, 0.0017543826252222061, 0.004564556758850813, 0.007299875374883413, 0.013404917903244495, 0.013128059916198254, 0.015078282915055752, 0.015781333670020103, 0.01687437854707241, 0.01741604134440422, 0.014921479858458042, 0.013619035482406616, 0.010818546637892723, 0.007939795032143593, 0.005232829134911299, -0.00040730650653131306, -0.0021924537140876055, -0.00916913989931345, -0.013064718805253506, -0.019180776551365852, -0.024445729330182076, -0.025282658636569977, -0.03230169788002968, -0.028442062437534332, -0.03576162829995155, -0.031775932759046555, -0.028201179578900337, -0.03036082535982132, -0.024591920897364616, -0.022568466141819954, -0.0211006049066782, -0.01376714650541544, -0.012880593538284302, -0.002735401503741741, -0.01159065030515194, -0.000992083572782576, -0.000934041861910373, -0.012816478498280048, 0.013400126248598099, -0.01593598909676075, 0.0035147585440427065, -0.012460323050618172, -0.012599911540746689, -0.006457730196416378, -0.026259934529662132, -0.006713651120662689, -0.036791086196899414, -0.024428395554423332, -0.032623451203107834, -0.039283983409404755, -0.03491844981908798, -0.05599341168999672, -0.03804866969585419, -0.050713203847408295, -0.036943454295396805, -0.03163236379623413, -0.0314711295068264, -0.008141158148646355, -0.01108736451715231, 0.014946977607905865, 0.020355597138404846, 0.031910594552755356, 0.04444119706749916, 0.04075353592634201, 0.051816392689943314, 0.04296369478106499, 0.04755189269781113, 0.039476633071899414, 0.028166992589831352, 0.02377212606370449, 0.00842188484966755, 0.010790948756039143, 0.0025322982110083103, -0.0014698972227051854, -0.006936222314834595, -0.010017115622758865, -0.005233423784375191, -0.009863358922302723, -0.007455965969711542, -0.013005056418478489, -0.011602871119976044, -0.013671116903424263, -0.0194703321903944, -0.018254952505230904, -0.02416137047111988, -0.020832479000091553, -0.020378457382321358, -0.020947890356183052, -0.016041964292526245, -0.010998156853020191, -8.952989446697757e-05, 0.007957381196320057, 0.021092068403959274, 0.028345635160803795, 0.032876383513212204, 0.042483653873205185, 0.045169517397880554, 0.05118783190846443, 0.047845013439655304, 0.04456955939531326, 0.0379834920167923, 0.02815464325249195, 0.02307623252272606, 0.014479982666671276, 0.0073426817543804646, -9.312057954957709e-05, -0.007059425115585327, -0.011213544756174088, -0.013663610443472862, -0.012039179913699627, -0.012014780193567276, -0.01218689326196909, -0.009926353581249714, -0.013587823137640953, -0.006781693547964096, -0.006653499789535999, -0.00499863363802433, -0.003806753782555461, -0.007793447468429804, -0.0011452955659478903, -0.002792533952742815, 0.0032813556026667356, 0.00490400567650795, 0.00850017461925745, 0.014320343732833862, 0.01948958821594715, 0.02721569500863552, 0.027876848354935646, 0.03403593227267265, 0.03468237444758415, 0.03518078848719597, 0.03609558194875717, 0.031118327751755714, 0.02868594042956829, 0.022945085540413857, 0.01706739328801632, 0.009042941965162754, 0.0013976299669593573, -0.0030857021920382977, -0.012048272415995598, -0.015037951059639454, -0.021323056891560555, -0.023206863552331924, -0.022964216768741608, -0.025412272661924362, -0.018927158787846565, -0.01960686966776848, -0.016016244888305664, -0.011260404251515865, -0.00885885301977396, -0.002370344940572977, -0.0011870899470523, 0.0029980367980897427, 0.008342555724084377, 0.008817208930850029, 0.013294903561472893, 0.013897938653826714, 0.021222013980150223, 0.024570848792791367, 0.027135107666254044, 0.03405985236167908, 0.03030308149755001, 0.038090888410806656, 0.03649822995066643, 0.03597957268357277, 0.03770820423960686, 0.02956576459109783, 0.03151475265622139, 0.022215718403458595, 0.018351973965764046, 0.011535500176250935, 0.003665467957034707, 0.0004357760481070727, -0.010286479257047176, -0.012067573145031929, -0.018198804929852486, -0.0222578477114439, -0.02157878316938877, -0.025227705016732216, -0.022217055782675743, -0.02346663549542427, -0.022128304466605186, -0.017261972650885582, -0.018499715253710747, -0.009500602260231972, -0.009388203732669353, -0.004398869350552559, -0.0010909131960943341, 0.001158121507614851, 0.009695417247712612, 0.009169347584247589, 0.016687490046024323, 0.017298033460974693, 0.0219693873077631, 0.02219000644981861, 0.021190479397773743, 0.024327343329787254, 0.021223725751042366, 0.01976827159523964, 0.017428604885935783, 0.01487972866743803, 0.009522737003862858, 0.005335413850843906, 0.0023135682567954063, -0.0017268238589167595, -0.005336546804755926, -0.004037328530102968, -0.007675063330680132, -0.009629321284592152, -0.007624982390552759, -0.008790693245828152, -0.0048250723630189896, -0.005230084527283907, -0.005442486610263586, -0.0022623862605541945, 0.0004479815543163568, 0.0070086512714624405, 0.009829355403780937, 0.012829692102968693, 0.017085015773773193, 0.02164369635283947, 0.022544432431459427, 0.02594926953315735, 0.03243425488471985, 0.03165406361222267, 0.03269350901246071, 0.034044332802295685, 0.03425794467329979, 0.03406355902552605, 0.035742733627557755, 0.03499166667461395, 0.03334161639213562, 0.03066934645175934, 0.02489176206290722, 0.02406475879251957, 0.02043643593788147, 0.015504191629588604, 0.010132640600204468, 0.005727521609514952, 0.0017445326084271073, -0.0033363988623023033, -0.0021665755193680525, -0.008661880157887936, -0.009947055019438267, -0.010454307310283184, -0.013873058371245861, -0.011352959088981152, -0.01228796411305666, -0.00681509543210268, -0.002729079918935895, -0.003362078219652176, -0.001186719979159534, 0.007182816509157419, 0.006972672883421183, 0.012127693742513657, 0.015096541494131088, 0.01513004582375288, 0.01613004133105278, 0.00992546509951353, 0.011827568523585796, 0.006492795888334513, 0.002457495778799057, -0.006411197129637003, -0.007867584936320782, -0.02088979259133339, -0.028067471459507942, -0.03388826176524162, -0.042634252458810806, -0.03896154835820198, -0.05440399795770645, -0.05137939751148224, -0.053532883524894714, -0.06386393308639526, -0.05384640395641327, -0.06733313202857971, -0.06804811209440231, -0.06415677070617676, -0.08207282423973083, -0.06515619903802872, -0.08077623695135117, -0.07667575776576996, -0.08455032855272293, -0.07182087749242783, -0.08324183523654938, -0.09838922321796417, -0.05955655500292778, -0.14558516442775726, -0.07776264101266861, -0.14016343653202057, -0.16471777856349945, -0.09792390465736389, -0.09209230542182922, -0.026643790304660797, -0.09681949019432068, -0.0187672208994627, 0.03421401232481003, 0.1083064153790474, 0.11546789854764938, 0.10089953988790512, 0.17123346030712128, 0.11619123071432114, 0.12990714609622955, 0.08889572322368622, 0.08945585787296295, 0.05431976914405823, -0.006473266985267401, -0.01998271606862545, -0.08442521095275879, -0.05941862240433693, -0.0584559440612793, -0.059833575040102005, -0.07482141256332397, -0.10476209223270416, -0.057104554027318954, -0.05357934162020683, -0.03651146963238716, -0.04367643967270851, -0.05637931451201439, -0.04591779783368111, -0.06364060938358307, -0.04212198406457901, -0.047586262226104736, -0.019535532221198082, -0.0013113298919051886, -0.0017383513040840626, 0.01998875103890896, 0.04220983758568764, 0.10387388616800308, 0.1225934848189354, 0.12143225222826004, 0.12376969307661057, 0.125422865152359, 0.12201272696256638, 0.10009551048278809, 0.07915950566530228, 0.04306723549962044, 0.007330276537686586, -0.0310796070843935, -0.057546112686395645, -0.07819733768701553, -0.0822485089302063, -0.08084803819656372, -0.09432519227266312, -0.09449400752782822, -0.08417555689811707, -0.05499362573027611, -0.04025135189294815, -0.030377229675650597, -0.02116740308701992, -0.016457833349704742, -0.009764188900589943, -0.006902534049004316, 0.012978173792362213, 0.02120366320014, 0.02729438617825508, 0.032968562096357346, 0.04501892253756523, 0.05808081105351448, 0.076561339199543, 0.09581395238637924, 0.09973186999559402, 0.10183297097682953, 0.09582288563251495, 0.08996735513210297, 0.08451519161462784, 0.0711488425731659, 0.04457731172442436, 0.017366910353302956, -0.009578845463693142, -0.036786038428545, -0.051175255328416824, -0.059771474450826645, -0.06908292323350906, -0.07597432285547256, -0.07999277114868164, -0.0679195448756218, -0.04912012815475464, -0.032118406146764755, -0.013346604071557522, -0.0008829301223158836, 0.009893305599689484, 0.023771898820996284, 0.033899303525686264, 0.04815162718296051, 0.05546185374259949, 0.059440016746520996, 0.05976232513785362, 0.061525240540504456, 0.07032180577516556, 0.07431814819574356, 0.0880948081612587, 0.08301225304603577, 0.08009003102779388, 0.07703887671232224, 0.07231832295656204, 0.06952688097953796, 0.05432838574051857, 0.04107494652271271, 0.019079996272921562, -0.0014852002495899796, -0.019799143075942993, -0.035224612802267075, -0.045957308262586594, -0.05648511275649071, -0.06462971121072769, -0.06522084772586823, -0.06363807618618011, -0.05069500207901001, -0.03599189594388008, -0.02266445942223072, -0.008538111113011837, 0.00041776118450798094, 0.01681637577712536, 0.024716077372431755, 0.039344318211078644, 0.04276647791266441, 0.048736780881881714, 0.053180985152721405, 0.04612678289413452, 0.052332114428281784, 0.04609307646751404, 0.048766713589429855, 0.041842084378004074, 0.034969478845596313, 0.02991555444896221, 0.017222734168171883, 0.01310794148594141, -0.0023603998124599457, -0.013741953298449516, -0.028914526104927063, -0.04187510535120964, -0.056657902896404266, -0.0651254877448082, -0.07289119809865952, -0.07933351397514343, -0.07783692330121994, -0.07711891829967499, -0.06749608367681503, -0.05591273307800293, -0.04327215254306793, -0.030764266848564148, -0.013434914872050285, -0.006332835648208857, 0.0063857329078018665, 0.014083913527429104, 0.014461897313594818, 0.017215924337506294, 0.014256724156439304, 0.011447707191109657, 0.0061839791014790535, 0.0029597794637084007, -0.006543884519487619, -0.009645030833780766, -0.008893205784261227, -0.023183507844805717, -0.021757572889328003, -0.0365779809653759, -0.04151969403028488, -0.04718741029500961, -0.062322910875082016, -0.055545203387737274, -0.08274460583925247, -0.07079308480024338, -0.08694177865982056, -0.08597470074892044, -0.07792853564023972, -0.08946339040994644, -0.05599980428814888, -0.06530880182981491, -0.046407029032707214, -0.040487345308065414, -0.023547085002064705, 0.011460158042609692, 0.01526428759098053, 0.0406232587993145, 0.044890932738780975, 0.06672986596822739, 0.08455134928226471, 0.08599203079938889, 0.09593049436807632, 0.08602875471115112, 0.0926828682422638, 0.06718127429485321, 0.054918646812438965, 0.04238858073949814, 0.021657556295394897, 0.015256968326866627, -0.01707821898162365, -0.020808016881346703, -0.03266463428735733, -0.03011464886367321, -0.02435029298067093, -0.03281669318675995, -0.020965218544006348, -0.02070731483399868, -0.007296022493392229, -0.005375344306230545, -0.001403187052346766, 0.01622442714869976, 0.012983962893486023, 0.023595962673425674, 0.02001926675438881, 0.03182493522763252, 0.03922168165445328, 0.0418596975505352, 0.053464993834495544, 0.05099985748529434, 0.0579577200114727, 0.05950422212481499, 0.0677509680390358, 0.06037291884422302, 0.0592363141477108, 0.04966689646244049, 0.04339328780770302, 0.03529929742217064, 0.01745622791349888, 0.014985837042331696, -0.0057201748713850975, -0.0067579965107142925, -0.021299168467521667, -0.023520734161138535, -0.018117042258381844, -0.02178012579679489, -0.004468424711376429, -0.0075221857987344265, 0.008475028909742832, 0.01058450248092413, 0.03287163004279137, 0.03991268575191498, 0.042932912707328796, 0.0569157712161541, 0.0332518108189106, 0.058398544788360596, 0.051292553544044495, 0.04614177346229553, 0.04401715099811554, 0.03560284152626991, 0.043202709406614304, 0.029050985351204872, 0.03380907326936722, 0.03094024397432804, 0.03715807572007179, 0.026845017448067665, 0.01948932372033596, 0.026744628325104713, 0.017480483278632164, 0.02031024359166622, 0.010146655142307281, 0.005525817163288593, 0.001746589783579111, -0.006292089819908142, -0.006963960360735655, -0.009377206675708294, -0.004236061591655016, -0.0069757746532559395, -0.0027040436398237944, 0.005102256312966347, 0.001926345401443541, 0.016637302935123444, 0.01989649049937725, 0.02694953978061676, 0.03254152089357376, 0.022874319925904274, 0.031044835224747658, 0.024306893348693848, 0.024048255756497383, 0.016141405329108238, 0.006555862259119749, 0.002273330232128501, -0.012013748288154602, -0.013957545161247253, -0.023790527135133743, -0.02246031165122986, -0.029787972569465637, -0.04099425673484802, -0.03817103058099747, -0.04242250323295593, -0.03771786764264107, -0.042193979024887085, -0.04107891768217087, -0.04767629876732826, -0.05038310959935188, -0.04803197830915451, -0.05325355380773544, -0.04445730522274971, -0.05184660851955414, -0.04941774532198906, -0.049107763916254044, -0.04618331417441368, -0.04020773619413376, -0.033184777945280075, -0.02863425202667713, -0.029381468892097473, -0.030514268204569817, -0.02664237655699253, -0.027294442057609558, -0.029233351349830627, -0.025095269083976746, -0.03378988057374954, -0.030620887875556946, -0.040668684989213943, -0.0422523058950901, -0.03972945362329483, -0.041000522673130035, -0.05057518929243088, -0.04317553713917732, -0.05649399757385254, -0.062323156744241714, -0.056474898010492325, -0.0689467117190361, -0.07245061546564102, -0.07550325244665146, -0.0761650875210762, -0.09831328690052032, -0.07234305888414383, -0.10017666965723038, -0.08615146577358246, -0.08400547504425049, -0.0943041518330574, -0.05813406780362129, -0.06659282743930817, -0.021015331149101257, -0.023514308035373688, 0.03078356944024563, 0.04711857810616493, 0.07705187797546387, 0.12411192059516907, 0.11299661546945572, 0.16541266441345215, 0.14079870283603668, 0.15671107172966003, 0.13561582565307617, 0.1178768053650856, 0.10128816217184067, 0.05113769695162773, 0.03849330171942711, -0.01458943635225296, -0.013390492647886276, -0.050689101219177246, -0.06293636560440063, -0.06778722256422043, -0.08175835013389587, -0.07045996189117432, -0.07457191497087479, -0.06141767278313637, -0.05674593523144722, -0.04550940543413162, -0.03978317230939865, -0.03238920867443085, -0.02542106993496418, -0.0058197034522891045, 0.003790801391005516, 0.02791951596736908, 0.033510319888591766, 0.05922567471861839, 0.07682109624147415, 0.09506496042013168, 0.12358686327934265, 0.12440665811300278, 0.15040813386440277, 0.13159607350826263, 0.1406697928905487, 0.12052875757217407, 0.10590469092130661, 0.09154853224754333, 0.05204548314213753, 0.033517103642225266, -0.010228980332612991, -0.022357111796736717, -0.046225033700466156, -0.0566319115459919, -0.06639942526817322, -0.07286006957292557, -0.06553687900304794, -0.0634620413184166, -0.04087196663022041, -0.02524464577436447, -0.006268341559916735, 0.007211741525679827, 0.0200300682336092, 0.033236291259527206, 0.04506408050656319, 0.0644209086894989, 0.07052800059318542, 0.080949567258358, 0.08197281509637833, 0.08136486262083054, 0.09521050751209259, 0.101162850856781, 0.10945891588926315, 0.10621501505374908, 0.10095636546611786, 0.09998402744531631, 0.09489408880472183, 0.08539313822984695, 0.0711723193526268, 0.05366033688187599, 0.03052380681037903, 0.006713163107633591, -0.010260671377182007, -0.024317950010299683, -0.0387306734919548, -0.04107363522052765, -0.049720585346221924, -0.047112807631492615, -0.04045781120657921, -0.02602931298315525, -0.004588321782648563, 0.00489727733656764, 0.015285126864910126, 0.013482638634741306, 0.025577465072274208, 0.025727206841111183, 0.021719301119446754, 0.01674789749085903, 0.00374920223839581, -0.0007678992114961147, -0.01427393313497305, -0.01613973081111908, -0.016738111153244972, -0.012840080074965954, -0.017282558605074883, -0.0184926800429821, -0.013921485282480717, -0.01302466168999672, -0.006674077827483416, -0.009916464798152447, -0.016215071082115173, -0.02610393986105919, -0.03832147642970085, -0.050337694585323334, -0.05872012674808502, -0.07090272754430771, -0.07889731973409653, -0.0876283347606659, -0.09272036701440811, -0.09544865787029266, -0.08624304085969925, -0.07655248790979385, -0.07156358659267426, -0.06789564341306686, -0.0671880915760994, -0.057135630398988724, -0.058122068643569946, -0.050844840705394745, -0.057100702077150345, -0.056671082973480225, -0.06146102771162987, -0.0682426169514656, -0.07292141765356064, -0.07451340556144714, -0.07010995596647263, -0.07388526946306229, -0.06953982263803482, -0.08487404882907867, -0.06936102360486984, -0.06347287446260452, -0.041575826704502106, -0.025149209424853325, -0.02076243981719017, 0.0010523522505536675, 0.017175043001770973, 0.041157420724630356, 0.05065414682030678, 0.07071393728256226, 0.06748927384614944, 0.07520097494125366, 0.06985636055469513, 0.057922929525375366, 0.059720803052186966, 0.043723851442337036, 0.03603086620569229, 0.01888972707092762, 0.003116635838523507, -0.00256157829426229, -0.008219699375331402, -0.007632466033101082, -0.017058156430721283, -0.02330133691430092, -0.02718769945204258, -0.035491738468408585, -0.028612593188881874, -0.0410161055624485, -0.03824061155319214, -0.04351666942238808, -0.04892384633421898, -0.04440195858478546, -0.046065520495176315, -0.032964032143354416, -0.02908223308622837, -0.015248247422277927, -0.009289160370826721, 0.006177139468491077, 0.016235847026109695, 0.028699569404125214, 0.04633128270506859, 0.04909972473978996, 0.05725232884287834, 0.05385880917310715, 0.05623215064406395, 0.05307755619287491, 0.04912187531590462, 0.04253140091896057, 0.03037409670650959, 0.02326442487537861, 0.012825381942093372, 0.007723565679043531, 0.004244738724082708, -0.001996950013563037, -0.005264563485980034, -0.013045832514762878, -0.017093101516366005, -0.013800063170492649, -0.014597377739846706, -0.006869856268167496, -0.009686165489256382, -0.010188288055360317, -0.006370600312948227, 0.0002426108840154484, 0.013422518037259579, 0.01906585320830345, 0.030174104496836662, 0.033697959035634995, 0.047444045543670654, 0.05540115013718605, 0.06322108209133148, 0.07307683676481247, 0.07382303476333618, 0.07766710221767426, 0.0706232413649559, 0.0659528523683548, 0.062211260199546814, 0.06171952188014984, 0.05146344378590584, 0.042048610746860504, 0.03658495098352432, 0.027893155813217163, 0.031243233010172844, 0.02172444760799408, 0.02140076458454132, 0.01974937692284584, 0.009055559523403645, 0.009185747243463993, -0.0009900127770379186, 0.0007078700000420213, -0.004724831320345402, -0.010162870399653912, -0.01551151368767023, -0.021691743284463882, -0.020378611981868744, -0.025450628250837326, -0.023056641221046448, -0.025928920134902, -0.017170216888189316, -0.015969136729836464, -0.010290155187249184, -0.009386572055518627, -0.0009781125700101256, 0.0037745994050055742, 0.004689161200076342, 0.0065336949191987514, -0.005053665488958359, 0.001033123000524938, -0.013419189490377903, -0.012812240049242973, -0.02657625824213028, -0.030947571620345116, -0.03858305141329765, -0.04670094698667526, -0.0442998893558979, -0.05328761413693428, -0.039684124290943146, -0.05026743933558464, -0.04190916568040848, -0.04649033024907112, -0.04373398423194885, -0.03815193101763725, -0.04652244225144386, -0.041576087474823, -0.05035988613963127, -0.04964679479598999, -0.05275191366672516, -0.059166569262742996, -0.05713881179690361, -0.06701762229204178, -0.05830586329102516, -0.06219110265374184, -0.06082925572991371, -0.052190978080034256, -0.056704312562942505, -0.04167686030268669, -0.05161897838115692, -0.04106679931282997, -0.05115661025047302, -0.050763312727212906, -0.05601687729358673, -0.06294393539428711, -0.05439872667193413, -0.05442878603935242, -0.03884510695934296, -0.036923784762620926, -0.011159075424075127, 0.007051892578601837, 0.04337011277675629, 0.060640815645456314, 0.08578579127788544, 0.10243489593267441, 0.11448851972818375, 0.124372698366642, 0.11573272198438644, 0.11324798315763474, 0.0861404538154602, 0.07476923614740372, 0.03661755099892616, 0.01763930544257164, -0.007420353125780821, -0.0293036550283432, -0.03895168378949165, -0.05637149512767792, -0.05817895010113716, -0.06326758116483688, -0.053761258721351624, -0.0508393719792366, -0.03982286900281906, -0.0367526151239872, -0.03123835287988186, -0.024338824674487114, -0.025371724739670753, -0.019283775240182877, -0.01710103265941143, -0.014341264963150024, -0.013321103528141975, -0.008693731389939785, -0.003616303438320756, 0.006956516299396753, 0.017857400700449944, 0.027942098677158356, 0.039014238864183426, 0.04889271780848503, 0.05674038454890251, 0.059253107756376266, 0.06420721858739853, 0.05663825199007988, 0.053200870752334595, 0.03833497688174248, 0.023719647899270058, 0.013360819779336452, -0.008074989542365074, -0.014385737478733063, -0.028597168624401093, -0.03423982486128807, -0.04066772013902664, -0.040556252002716064, -0.03636035695672035, -0.032140620052814484, -0.019237099215388298, -0.016049345955252647, -0.004547964781522751, 0.0014675421407446265, 0.008719117380678654, 0.018549054861068726, 0.022340068593621254, 0.029610728845000267, 0.0315125398337841, 0.03794005513191223, 0.041386060416698456, 0.048014987260103226, 0.05471758171916008, 0.06051871180534363, 0.06755862385034561, 0.06799451261758804, 0.07246071100234985, 0.07288619875907898, 0.07159028202295303, 0.06499376893043518, 0.06105133518576622, 0.04916241392493248, 0.036038726568222046, 0.025776108726859093, 0.009142374619841576, 0.003628540551289916, -0.01120910607278347, -0.016469109803438187, -0.019771939143538475, -0.024436481297016144, -0.021734552457928658, -0.018772419542074203, -0.01057473849505186, -0.00973754283040762, -0.0054794070310890675, -0.00315778492949903, -0.0025696605443954468, 0.00045560242142528296, -0.004737174604088068, -0.0008889479213394225, -0.007173467427492142, -0.012106381356716156, -0.009472482837736607, -0.014523827470839024, -0.00933457538485527, -0.011666334234178066, -0.008757309056818485, -0.008021239191293716, -0.008277724497020245, -0.003182496875524521, -0.008146463893353939, -0.0029828406404703856, -0.012557689100503922, -0.01554936170578003, -0.020648960024118423, -0.03103095293045044, -0.03147971257567406, -0.03869588300585747, -0.04097285494208336, -0.046923208981752396, -0.04745092988014221, -0.049170736223459244, -0.04472710192203522, -0.044846534729003906, -0.043097641319036484, -0.03954712674021721, -0.04147036373615265, -0.03654424473643303, -0.03856996074318886, -0.03343113884329796, -0.037530288100242615, -0.034932997077703476, -0.03770468756556511, -0.037431586533784866, -0.030583923682570457, -0.03761841729283333, -0.02682468481361866, -0.034844402223825455, -0.030745351687073708, -0.02882271260023117, -0.031487543135881424, -0.02520000748336315, -0.03460315987467766, -0.026771970093250275, -0.03513045981526375, -0.034231413155794144, -0.0381903201341629, -0.04471147432923317, -0.03947252035140991, -0.04968176409602165, -0.04401009529829025, -0.044629648327827454, -0.04188475012779236, -0.03349809721112251, -0.031440891325473785, -0.017815586179494858, -0.0095102833583951, 0.0016938825137913227, 0.013355478644371033, 0.016145681962370872, 0.02565651573240757, 0.026980746537446976, 0.03195909038186073, 0.03239909186959267, 0.026768065989017487, 0.027639038860797882, 0.015463274903595448, 0.018041109666228294, 0.00868310872465372, 0.006490957923233509, 0.003832444781437516, -0.0010156878270208836, -0.0001252642396138981, -0.007846975699067116, 4.5676963054575026e-05, -0.0038940717931836843, 0.00047916965559124947, -0.0014866874553263187, -0.0013869930990040302, 0.0015247003175318241, -0.0009166236850433052, 0.003586330683901906, 0.0008003111579455435, 0.003315149573609233, 0.003786106826737523, 0.004513293970376253, 0.007213391363620758, 0.008114299736917019, 0.011521711945533752, 0.013959308154881, 0.01396805141121149, 0.018263963982462883, 0.01912718266248703, 0.020503247156739235, 0.022670909762382507, 0.022724801674485207, 0.024564364925026894, 0.0225321426987648, 0.02494090236723423, 0.022471465170383453, 0.02315237559378147, 0.02220667526125908, 0.021575188264250755, 0.02145090326666832, 0.019591957330703735, 0.02023981884121895, 0.01570507511496544, 0.01660746894776821, 0.012953680008649826, 0.012463786639273167, 0.012858986854553223, 0.011392278596758842, 0.010944117791950703, 0.01061634998768568, 0.011094347573816776, 0.013025898486375809, 0.014433576725423336, 0.01588338054716587, 0.018110154196619987, 0.018421443179249763, 0.02040625736117363, 0.02197851426899433, 0.023818328976631165, 0.024313461035490036, 0.025621693581342697, 0.022783860564231873, 0.023024514317512512, 0.021989502012729645, 0.0200742706656456, 0.019795510917901993, 0.014923998154699802, 0.015334579162299633, 0.011208711192011833, 0.011494015343487263, 0.009884472005069256, 0.009136808104813099, 0.008830565959215164, 0.004641665145754814, 0.003975510597229004, 0.003034478984773159, 0.0017006250564008951, 0.0022588418796658516, -0.0019082556245848536, -0.0035935360938310623, -0.0058850436471402645, -0.007305131759494543, -0.006415862124413252, -0.007918083108961582, -0.007884746417403221, -0.010975822806358337, -0.0069205425679683685, -0.007208169903606176, -0.006661738269031048, -0.003146904520690441, -0.005213734693825245, -0.0020963617134839296, -0.005254242569208145, -0.0003801289130933583, -0.003260792000219226, -0.0010457703610882163, -0.002881693886592984, -0.007596536073833704, -0.00683114118874073, -0.00845696497708559, -0.005428167525678873, -0.01266095694154501, -0.008781231008470058, -0.012003779411315918, -0.00992645975202322, -0.011444413103163242, -0.012593058869242668, -0.009490477852523327, -0.009898558259010315, -0.008807141333818436, -0.008573416620492935, -0.007025833707302809, -0.008818818256258965, -0.008514896035194397, -0.008099365048110485, -0.007868284359574318, -0.00929146260023117, -0.007778120692819357, -0.0072158887051045895, -0.0036387545987963676, -0.004149413201957941, -0.004757540300488472, -0.0006816523382440209, -0.0036363734398037195, -0.00036177170113660395, -0.0009390252525918186, -6.0708964156219736e-05, -0.00029605423333123326, 0.0009333712514489889, 0.0002037663070950657, -0.0006065862835384905, 0.000317313038976863, -0.003087052144110203, 0.00017206901975441724, -0.0023963567800819874, -0.0005565935280174017, 0.00030959161813370883, -0.0011265346547588706, 0.00048630181117914617, 3.344014476169832e-05, 0.0032912828028202057, 0.0030859634280204773, 0.004770968109369278, 0.00553433271124959, 0.008334607817232609, 0.010488299652934074, 0.010233159177005291, 0.01316122617572546, 0.012221499346196651, 0.014252495020627975, 0.013939667493104935, 0.01335481833666563, 0.014456945471465588, 0.013748650439083576, 0.013831475749611855, 0.013928079046308994, 0.013241058215498924, 0.012538973242044449, 0.011989274062216282, 0.011701117269694805, 0.009769630618393421, 0.010068516246974468, 0.009657776914536953, 0.00960011500865221, 0.009263584390282631, 0.0066600218415260315, 0.008989332243800163, 0.005615911912173033, 0.007404154632240534, 0.008415848948061466, 0.007897979579865932, 0.00924630556255579, 0.008972205221652985, 0.012639963999390602, 0.011048953980207443, 0.012873206287622452, 0.01223039161413908, 0.013615544885396957, 0.014107141643762589, 0.015202422626316547, 0.015890618786215782, 0.014048874378204346, 0.014999210834503174, 0.013767014257609844, 0.015386349521577358, 0.013874928466975689, 0.013880759477615356, 0.01486699003726244, 0.013945029117166996, 0.015024577267467976, 0.012925299815833569, 0.014998863451182842, 0.013436798937618732, 0.011594169773161411, 0.012851148843765259, 0.013151335529983044, 0.01234904769808054, 0.010783631354570389, 0.011816877871751785, 0.011024774052202702, 0.010987224988639355, 0.011139788664877415, 0.012641268782317638, 0.010603629052639008, 0.00969834066927433, 0.013667253777384758, 0.009887506254017353, 0.01245953980833292, 0.011486847884953022, 0.010910050943493843, 0.009560520760715008, 0.010614346712827682, 0.010822402313351631, 0.009555632248520851, 0.011005350388586521, 0.0095678037032485, 0.008810759522020817, 0.008004856295883656, 0.007686662022024393, 0.007776578422635794, 0.0054344842210412025, 0.004533464554697275, 0.004516844172030687, 0.002969364868476987, 0.0023151759523898363, 0.0021692647133022547, -0.0002191241947002709, -0.001986849121749401, 8.735444134799764e-05, -0.0012386947637423873, -0.0007129025179892778, -0.0041120718233287334, -0.0008650121744722128, -0.00111483468208462, -0.0031242682598531246, -0.0029989120084792376, -0.0008363078813999891, -0.0017033221665769815, -0.002764509292319417, -0.001620095339603722, -0.003447986440733075, -0.0016047540120780468, -0.0016461529303342104, -0.00345247914083302, -0.004587810020893812, -0.002602203516289592, -0.005559537094086409, -0.003119204193353653, -0.005484613589942455, -0.004428907763212919, -0.00362691143527627, -0.004901176318526268, -0.006280360743403435, -0.008135358802974224, -0.008381410501897335, -0.009752395562827587, -0.008276459760963917, -0.010994934476912022, -0.009174041450023651, -0.01245584525167942, -0.013365798629820347, -0.014474195428192616, -0.01265320647507906, -0.013691340573132038, -0.013437817804515362, -0.015089928172528744, -0.012463183142244816, -0.013080967590212822, -0.010377679020166397, -0.009435959160327911, -0.009120440110564232, -0.010353613644838333, -0.009518538601696491, -0.008920862339437008, -0.006566647905856371, -0.006058842875063419, -0.0057205515913665295, -0.006228143349289894, -0.007415297906845808, -0.003303982550278306, -0.006664854474365711, -0.003791861003264785, -0.0016458965837955475, -0.002814754843711853, -0.006231040693819523, -0.002769626909866929, -0.0030744231771677732, -0.0035736113786697388, -0.0031977701000869274, -0.002749944804236293, -0.0038407028187066317, -0.004697780590504408, -0.0026587406173348427, -0.001990643795579672, -0.003490181639790535, -0.004442763514816761, -0.000164704819326289, -0.0026735898572951555, -1.4015764463692904e-05, -0.0008533445070497692, -0.0005205355701036751, 0.001723681460134685, 0.005254908464848995, 0.004143382888287306, 0.002807082375511527, 0.006057430524379015, 0.003344879951328039, 0.008008964359760284, 0.003999246750026941, 0.010873478837311268, 0.005001101642847061, 0.01157501619309187, 0.006739774718880653, 0.009020406752824783, 0.006843637675046921, 0.008917897008359432, 0.00890370924025774, 0.005806079600006342, 0.009033320471644402, 0.0071555860340595245, 0.008967475034296513, 0.0035518594086170197, 0.008815722540020943, 0.005180245731025934, 0.007220808416604996, 0.005928109399974346, 0.006369519978761673, 0.0045582689344882965, 0.006259148940443993, 0.00775672635063529, 0.005177242215722799, 0.009831974282860756, 0.008205905556678772, 0.011553846299648285, 0.007440144196152687, 0.010279694572091103, 0.009678967297077179, 0.010972303338348866, 0.010338561609387398, 0.009027624502778053, 0.012921886518597603, 0.00913930218666792, 0.007853436283767223, 0.00797117780894041, 0.0049056364223361015, 0.006241446360945702, 0.004028536844998598, 0.0074373637326061726, 0.0034865858033299446, 0.0018820568220689893, 0.0015496525447815657, 0.0007164268754422665, -0.000345372362062335, -0.0004851162666454911, 0.0014638728462159634, 0.0012882392620667815, -0.003489441005513072, -0.002194887725636363, -0.004018243867903948, 0.0008817380876280367, -0.0024088153149932623, -0.0030011595226824284, -0.0019097746117040515, -0.005428751930594444, -0.0018304776167497039, -0.0035278801806271076, -0.0025885128416121006, -0.0030152047984302044, -0.005770854186266661, -0.0016980053624138236, -0.0032533975318074226, -0.0037299199029803276, -0.0013634777860715985, -0.004363125655800104, -0.0033265920355916023, -0.006251710932701826, -0.0024757208302617073, -0.001197458477690816, -0.00405889144167304, -0.006329371593892574, -0.006405072286725044, -0.004661756567656994, -0.003647662466391921, -0.005833080969750881, -0.0028357740957289934, -0.005756686441600323, -0.00475598918274045, -0.004570326767861843, -0.004811041988432407, -0.0011779931373894215, -0.007819938473403454, -0.0011642747558653355, -0.003841579658910632, -0.005166144575923681, -0.007729010656476021, -0.003481643507257104, -0.003467800095677376, -0.004770003724843264, -0.003736992599442601, -0.003003954654559493, -0.002086788648739457, -0.007495418656617403, -0.0014427596470341086, -0.007524218410253525, -0.0033127751667052507, -0.0012459842255339026, -0.004643232561647892, -0.005611369851976633, -0.004225648008286953, 0.0005356765468604863, -0.007535249460488558, -0.005681166425347328, -0.0008536228560842574, -0.004431416746228933, -0.00048280530609190464, -0.0010717924451455474, 6.992647831793875e-05, -0.0014273917768150568, -0.0051031578332185745, 7.982848910614848e-05, 0.0008850651211105287, -0.0017410807777196169, 0.0022883189376443624, -0.00232991692610085, 0.005998473148792982, -0.0006011588266119361, -0.0013848418602719903, 0.0016410906100645661, 0.0017919106176123023, 0.002745532663539052, 0.005363032221794128, 0.0025206804275512695, 0.005596645642071962, 0.004221673589199781, -0.0027487853076308966, 0.0034145042300224304, 0.004154979716986418, 0.006694801151752472, 0.00550687313079834, 0.0030941551085561514, -0.0013966676779091358, 0.002998921787366271, 0.0019368440844118595, 0.0007166859577409923, 0.0030380869284272194, 0.002447990933433175, -0.00010153271432500333, -0.004941212944686413, 0.001335494453087449, 0.0008551728096790612, -0.0023244426120072603, -0.00039861685945652425, -0.0038178761024028063, 0.00043140965863130987, -0.00038307017530314624, 0.000615444965660572, -0.00032429469865746796, -0.004637802951037884, -0.0036746393889188766, -0.001053053536452353, -0.0038572819903492928, 0.004134759772568941, -0.004639404360204935, 0.00016271875938400626, -0.0014974988298490644, -0.0008292884449474514, -0.0018604194046929479, -9.02109604794532e-05, 0.00023472082102671266, -0.0039546736516058445, -0.00018525286577641964, 0.000302290718536824, 0.0025443234480917454, -0.006445591803640127, 0.001164963934570551, -0.0029528189916163683, -0.002803260926157236, 0.0011005847482010722, -0.0037817182019352913, -0.004660565406084061, -0.0021580257453024387, 0.0013568210415542126, -0.003292100504040718, -0.004284265451133251, -0.0020341931376606226, -0.0024204333312809467, -0.00733691593632102, 0.0006208466365933418, -0.0024375298526138067, -0.004475358407944441, -0.0028715007938444614, -0.0005624510231427848, -0.0034094357397407293, -0.005679049529135227, 0.0020152623765170574, -0.0030503140296787024, -0.0013454594882205129, -0.00536452466621995, -0.0010342629393562675, -0.004849656019359827, -0.003346933051943779, -0.0037411560770124197, -0.00030874041840434074, -0.006876375060528517, -0.002937699668109417, -0.004148100968450308, -0.004497973248362541, -0.00530632259324193, -0.0047764889895915985, -0.00641467422246933, -0.009164326824247837, 0.0011317377211526036, -0.007916594855487347, -0.006032150704413652, -0.009880844503641129, -0.002811313606798649, -0.008249929174780846, -0.009685561992228031, -0.00039345002733170986, -0.010875838808715343, -0.004619754385203123, -0.004234342835843563, -0.0032715778797864914, -0.008950977586209774, -0.007579097058624029, -0.0035918664652854204, -0.010088412091135979, 0.004160571377724409, -0.005167393479496241, -0.006584728602319956, -0.0032424451783299446, -0.007350961212068796, -0.0005701187183149159, -0.0045450772158801556, 0.0012135617434978485, -0.00482444791123271, -0.0025548492558300495, -0.003980329260230064, -0.0008613273967057467, -0.001426746603101492, -0.0044980403035879135, -0.0016749666538089514, -0.002298160223290324, 0.00034898731973953545, 0.0037425400223582983, 0.0005827220156788826, -0.00046567406388930976, 8.055342914303765e-05, -0.00012319062079768628, 0.002701527439057827, 0.0002305126836290583, -0.0018425816670060158, -0.00040080133476294577, 0.0055170683190226555, 0.0006403359584510326, 0.00397086376324296, 0.00018664539675228298, 0.0016656395746394992, 0.0028768228366971016, 0.0008475786889903247, -0.0011492884950712323, 0.0068159401416778564, 0.004919624887406826, -0.0009482998284511268, 0.0021701138466596603, 0.00486496789380908, 0.0030475028324872255, -0.0021921296138316393, 0.003985079471021891, 0.0008294704020954669, 0.009742659516632557, -0.0008085683803074062, 0.005416525527834892, 0.0064772628247737885, -0.004998053889721632, 0.00660493690520525, 0.002983849262818694, 0.006400276441127062, 0.0008881662506610155, -0.0005025502177886665, 0.006557677406817675, -0.000250725366640836, 0.0018434155499562621, 0.0015371274203062057, 0.0031939230393618345, -0.0026243601460009813, -0.0008062864071689546, 0.0034462078474462032, -0.0009829802438616753, -0.002888747490942478, -0.004293184261769056, 0.002967017237097025, -0.006433941423892975, 0.0016484763473272324, 0.0006737562362104654, -0.004968653898686171, -0.008568844757974148, -0.0013868281384930015, -0.002324407221749425, -0.0005949123878963292, -0.004070369992405176, -0.0014675314305350184, -0.0034259308595210314, -0.00921312253922224, 0.002957275602966547, -0.007037341594696045, 0.004071784671396017, -0.00248457002453506, -0.004217763897031546, -0.0026766255032271147, -0.00021397323871497065, 0.0009410462225787342, -0.002626499393954873, -0.0017956298543140292, 2.9714285119553097e-05, 0.0020048588048666716, -0.002209469210356474, 0.0013696607202291489, -0.005962865427136421, -0.0033835952635854483, -0.0017575760139152408, 0.0028433585539460182, -0.0014150850474834442, 0.0014274814166128635, -0.007636305410414934, -0.0006875084363855422, -0.0022678649984300137, 0.001339795533567667, 0.0028544245287775993, -0.0017941390397027135, -0.0027893432416021824, 0.0008090183837339282, 0.003778536571189761, -0.004244321957230568, 0.0009766864823177457, -0.001756617333739996, 0.0025327904149889946, -0.0022052356507629156, -0.0026741670444607735, 0.007080151233822107, -0.0019270917400717735, 0.0034705211874097586, -0.003944295924156904, 0.0015659087803214788, -0.00011027170694433153, -0.0020084616262465715, -0.005023915786296129, 0.0010750216897577047, 0.002552828984335065, 0.0011352738365530968, -0.004582978319376707, -0.005406011827290058, -0.00148852972779423, 0.0002857884392142296, -0.000305937574012205, -0.00014013718464411795, -0.007978553883731365, 0.004050048068165779, -0.007544731721282005, 0.002180964918807149, -0.005480706691741943, -7.782923785271123e-05, -0.004308396019041538, -0.003972998354583979, 0.0037238067016005516, -0.0033514886163175106, 0.0004916804609820247, -0.005284990184009075, -0.004901257809251547, -0.0009422285947948694, -0.004454491659998894, 0.002510239602997899, -0.0030124811455607414, -0.00011941849516006187, -0.006355730816721916, 0.001330011640675366, -0.007251281291246414, 0.001178088365122676, -0.009272848255932331, 0.002534834435209632, -0.004326220136135817, -0.0011663424083963037, -0.0027333905454725027, -0.0012136566219851375, -0.001281516975723207, -0.005722501315176487, 0.0025999387726187706, -0.0028153127059340477, -0.0015908954665064812, -0.0033633937127888203, 0.000932570081204176, 0.0005405736737884581, 0.002909037284553051, -0.002907148329541087, 0.0016110403230413795, -0.004512981045991182, 0.005504825618118048, -0.0031070352997630835, -0.00020011838932987303, 0.003657776862382889, -0.0013315710239112377, -0.0007590280147269368, -0.0024608338717371225, 0.003928861115127802, -0.0008010592428036034, 0.0031066369265317917, -0.004548763856291771, 0.004180276300758123, -0.0059715500101447105, 0.0008427320863120258, 0.0006472371751442552, 0.0033347292337566614, -0.001828158157877624, -0.005375734530389309, 0.003880770644173026, -0.0036349582951515913, 1.1849567272292916e-05, 0.0022104375530034304, 0.008255880326032639, -0.005503133404999971, -0.001992539269849658, -0.0037217196077108383, 0.010975330136716366, -0.0036045685410499573, -0.0008095247903838754, 0.0018627685494720936, 0.006957974750548601, -0.002518290188163519, 0.0012698748614639044, -0.0026950084138661623, 0.006061113439500332, -0.002691742032766342, 0.0075363889336586, 0.00017666100757196546, -0.003643728792667389, 0.0006768967723473907, 0.0014740462647750974, -0.0025813053362071514, -0.0023090920876711607, 0.0056894319131970406, 0.003988571930676699, -0.009026207961142063, 0.0014114100486040115, 0.0036705716047436, 0.0010788479121401906, -0.008290589787065983, 0.0006801584968343377, 0.0042024957947432995, -0.0022098158951848745, 0.0010317651322111487, -0.0006232101586647332, 0.00816283281892538, -0.004416375420987606, 0.0013472252758219838, -0.005794576834887266, 0.005911142099648714, -0.003314740490168333, 0.004340681713074446, -0.003528771921992302, 0.004900548607110977, 0.003019668161869049, -0.004386331420391798, -0.0025229654274880886, 0.0031361060682684183, -0.0023450637236237526, 0.001428899122402072, -0.0016726871253922582, 0.0035645589232444763, -0.001808559987694025, -0.0026919329538941383, -0.0005147229530848563, 0.002240884117782116, -0.0022104615345597267, -0.0027435626834630966, 0.0006008953205309808, -0.003919326700270176, 0.0039898487739264965, -0.003865511156618595, -0.005001135170459747, 0.006322477478533983, -0.0012540253810584545, 0.004372304771095514, -0.0002786331169772893, -0.0011554632801562548, 0.0015971862012520432, -0.004454183857887983, -0.002546318806707859, 0.0049649314023554325, -0.0035615547094494104, 0.002149457111954689, 0.002776729641482234, -0.005255012307316065, -0.0013355534756556153, 0.0028252212796360254, -0.0022221265826374292, -0.0011756138410419226, -0.0018206320237368345, 0.004681090358644724, -0.003275151364505291, 0.0015508696669712663, -0.0016630517784506083, 0.0011528361355885863, -0.006521886680275202, 0.005114887375384569, -0.006697278004139662, -0.006039095111191273, 0.0028955931775271893, 0.00016871007392182946, 0.0041414047591388226, -0.003787003690376878, 0.0010184762068092823, -8.256097498815507e-05, -0.0013544618850573897, -0.004748901352286339, 5.859897646587342e-05, 0.005299760494381189, -0.002024451969191432, -0.005119138862937689, 0.0006367547903209925, 0.00015619520854670554, -0.0021285845432430506, 0.0016071583377197385, 0.00101178209297359, -0.0006618680781684816, -0.0002293655852554366, 0.005024689249694347, 0.0021946446504443884, -0.01885104365646839, 0.011741788126528263, -0.004311825148761272, 0.0026467035058885813, -0.003808499313890934, 0.0029515272472053766, -0.0002427911531412974, -0.0005301341298036277, -0.0004384328203741461, 0.003270277986302972, -0.0039285277016460896, 0.0024040050338953733, 0.005511123687028885, -0.007469436153769493, 0.0024290531873703003, 0.0034495319705456495, -0.0027712713927030563, 0.004990010056644678, -0.0018866830505430698, -0.002233264734968543, 0.0041509466245770454, 0.0011955631198361516, 0.002114333910867572, -0.005985954310745001, 0.0008163437014445662, 0.005412532482296228, -0.0034929774701595306, -0.0003230985894333571, -0.001490304246544838, 0.007872075773775578, 0.003268240951001644, -0.0019026538357138634, 0.0013403329066932201, -0.007993093691766262, 0.0033681662753224373, -0.002973319264128804, 0.008107271045446396, 0.001077893190085888, 0.001153629389591515, -0.007775722071528435, 0.007750559598207474, -0.00337816309183836, 0.005772564094513655, -0.004843809176236391, 0.00040434941183775663, -0.000496805994771421, 0.0068986136466264725, 0.004897590726613998, -0.004892692435532808, -8.64040048327297e-05, -0.003801151877269149, 0.005301842465996742, 8.490352047374472e-05, 0.0068493434228003025, 0.008327719755470753, -0.01720440946519375, 0.0029498368967324495, 0.002109081717208028, 0.002788744866847992, -0.007265931461006403, -0.0019831364043056965, 0.017461104318499565, 0.0010707838227972388, -0.01084276381880045, 0.0032278343569487333, -0.0016365190967917442, -0.0015391954220831394, -0.006505957804620266, 0.015518213622272015, -0.002097040880471468, 0.005317257717251778, -0.004055366851389408, 0.0036276206374168396, -0.010369529016315937, 0.002505542477592826, 0.011098095215857029, -0.007564922794699669, 0.009968256577849388, -0.004984079394489527, 0.004604546818882227, -0.0014797389740124345, 0.0018735388293862343, 0.0037181966472417116, -0.008282885886728764, 0.0032853989396244287, 0.003263588063418865, -0.0033457076642662287, 0.0019759282004088163, 0.0011871784226968884, 0.0017372554866597056, -0.004789916332811117, -0.002443148987367749, 0.0031089289113879204, 0.002232933882623911, -0.00016297314141411334, -0.0026585846208035946, 0.0005794548778794706, 0.0014089583419263363, 0.00025641926913522184, 0.000888556707650423, -0.001582603668794036, -0.0026783165521919727, 5.6570395827293396e-05, -0.0005904947756789625, -0.0015038345009088516, 0.0007464967202395201, 0.00016281864373013377, -0.0012407691683620214, 0.0036545058246701956, -0.005304055288434029, -0.002590429736301303, 0.0022867126390337944, -0.0011573272058740258, 0.0028779562562704086, -0.0063328370451927185, -0.0036788496654480696, 0.006782481912523508, 0.0009030884248204529, -0.005629284773021936, -0.001767141162417829, 0.005519511643797159, -0.006197536364197731, 0.0013006252702325583, -0.0037746962625533342, 0.01077810488641262, -0.01343450229614973, -0.0015292700845748186, 0.004806938115507364, -0.0007395753054879606, -0.006653243210166693, -0.0021308574359863997, 0.0024375631473958492, -0.0005390181322582066, 0.0033368791919201612, -0.01186256855726242, 0.007600571494549513, -0.008590583689510822, 0.0005494477809406817, -0.002877473132684827, 0.004283706657588482, -0.006326748989522457, -0.013413126580417156, 0.012310954742133617, 0.0006012949743308127, -4.5831700845155865e-05, -0.010348373092710972, 0.009196235798299313, -0.010490445420145988, 0.0004872468998655677, -0.0018981447210535407, -0.0007579090306535363, -0.0037845929618924856, 0.0003018964489456266, -0.0009777758968994021, -0.0020245166961103678, -0.002642722800374031, -0.0009552472620271146, -0.001965292962267995, -0.009519726037979126, 0.007015058305114508, 0.002114078728482127, -0.003873295383527875, -0.0058672321029007435, -0.0001909752027131617, -0.004919562488794327, 0.003936363849788904, 0.0016302053118124604, -0.0039024807047098875, 0.0012145180953666568, -0.000697577022947371, -0.007789902854710817, 0.003978070802986622, -0.00036092824302613735, 0.0036922888830304146, -0.004577053710818291, -0.004331553820520639, -0.0010395542485639453, 0.00357042346149683, -0.002571061486378312, -0.0016009117243811488, 0.0056684380397200584, -0.006366298068314791, -0.00024259189376607537, 0.0007490399293601513, -8.122524013742805e-05, 0.00039280581404455006, 0.0005112666985951364, -0.003065885975956917, 0.005372699815779924, -0.011126565746963024, 0.008002922870218754, 0.000664468330796808, -0.0037050319369882345, 0.0036486100871115923, -0.0021402165293693542, 0.004638612736016512, -0.00867941789329052, 0.0015808013267815113, 0.003753148252144456, -0.0004649462644010782, 0.0032665468752384186, 0.0016986137488856912, -0.011707927100360394, 0.003503774991258979, 0.005673982203006744, -0.00046250064042396843, -0.0015106570208445191, -0.005422936286777258, 0.004216876346617937, 0.005777273792773485, -0.005816602613776922, 0.0020794838201254606, -0.00045205411151982844, -0.0014366884715855122, -0.0025699776597321033, 0.004937854595482349, 0.005853616166859865, -0.006754763890057802, -0.0015171269187703729, -0.0019018911989405751, 0.0008638650178909302, 0.0009600059129297733, 0.0018081925809383392, 0.0026516984216868877, -0.007594577968120575, 0.0012482814490795135, 0.0014466275461018085, -0.0029894595500081778, 0.006004719529300928, -0.0013991312589496374, -0.001995805883780122, -0.0014703829074278474, 0.00018384988652542233, 0.005185600370168686, -0.006034855730831623, 0.002405661391094327, 0.004878473002463579, -0.006840625312179327, 6.212021253304556e-05, 0.006146891508251429, -0.0058263614773750305, -0.0028009708039462566, 0.0003510043316055089, 0.0005906752194277942, 0.003705346956849098, 0.003230435773730278, -0.008165977895259857, 0.0031296194065362215, 0.0025646567810326815, -0.0006188912084326148, -0.001223973580636084, -0.0033327850978821516, 0.006042953580617905, -0.0025044456124305725, -0.003420213470235467, 0.0007667656755074859, -0.0013276116224005818, 0.004796026740223169, -0.0013667682651430368, -0.0029827365651726723, 0.0003740253741852939, 0.003219838486984372, -0.005964383017271757, -0.0022501570638269186, 0.002310015494003892, -0.003953378647565842, 0.0063913725316524506, -0.007319676224142313, 0.0033050095662474632, -0.012637563049793243, 0.0027638908941298723, 0.0055203610099852085, -0.014954205602407455, 0.007557140197604895, -0.00045637841685675085, -0.001195416203700006, -0.004544203169643879, -0.0025001568719744682, -0.0033420452382415533, 0.002233019331470132, -0.0022475209552794695, -0.0036537889391183853, 0.0003600560303311795, -0.0023217175621539354, -0.005118096712976694, -0.0023752788547426462, -0.0033023885916918516, -0.00413057254627347, 0.0012260101502761245, -0.0023271469399333, 0.0002873695339076221, -0.012190662324428558, 0.003775382414460182, 0.0018633852014318109, -0.006592427846044302, -0.004283351358026266, 0.0066300444304943085, -0.01164998859167099, 0.003819383680820465, 0.002912739524617791, -0.002457753289490938, -0.010099748149514198, -0.001154418452642858, 0.006706421263515949, -0.005393337458372116, -0.0008332928409799933, -0.004795592278242111, -0.0017621872248128057, -7.246460154419765e-05, -0.0002170257066609338, -0.004620747175067663, 0.002457416383549571, -0.0014182933373376727, -0.001635079737752676, -0.003746564732864499, 0.0020766514353454113, 0.00554891861975193, -0.010705930180847645, 0.002928048139438033, -0.010040389373898506, 0.006119287107139826, 0.0014292077394202352, -0.0054610129445791245, -0.0003042031603399664, 0.0006843641749583185, -0.0008784094243310392, -0.004365548957139254, -0.00034821091685444117, 0.002407594583928585, 0.0010545377153903246, 0.002398198936134577, -0.0018501202575862408, -0.003920159302651882, 0.00620545307174325, -0.0058515011332929134, 0.0009016096591949463, 0.0005732703139074147, -0.002130446955561638, 0.006032987497746944, -0.004448554944247007, 0.004055532161146402, -0.0007954600732773542, 7.90776830399409e-05, 0.001573918736539781, -0.0009237364865839481, 0.004232764709740877, -0.005055316723883152, -0.0009323444101028144, 0.003736887127161026, 0.006687778048217297, -0.008761088363826275, -0.007808290421962738, 0.012578007765114307, 0.0007072982843965292, 0.0002766546094790101, -0.002131078625097871, 3.6193621781421825e-05, 0.00813739001750946, -0.009102125652134418, -0.0014042926486581564, 0.00952534656971693, -0.009340507909655571, -0.002438071882352233, 0.004377198871225119, -0.0005580806755460799, 0.0054830098524689674, -0.00899175088852644, 0.004073417279869318, 0.005290867295116186, -0.004480372183024883, -0.0007777634891681373, 0.003288902575150132, 0.0015322788385674357, -0.0058821700513362885, -0.0012854179367423058, 0.0032615740783512592, 0.0014761850470677018, -0.0029849198181182146, 0.0022883566562086344, -0.001102251699194312, -0.002960305428132415, 0.0020911095198243856, 0.0004802919866051525, -0.006168902851641178, 0.00046714628115296364, 0.000878216465935111, -0.00445278687402606, 0.007082520052790642, -0.007758732419461012, 0.0006246737902984023, 0.0014237960567697883, -0.004068443085998297, 0.007222731132060289, -0.002307903254404664, -0.000875015917699784, 0.00013356302224565297, -0.0039613074623048306, 0.005725115071982145, -0.005781881511211395, 0.0004594188358169049, -0.0006853974773548543, 0.0003338071401230991, 0.0007769137737341225, -0.002211220795288682, 0.00016943553055170923, 0.0007218059618026018, 1.6440366152892238e-06, -0.0016836123540997505, -0.00936808530241251, 0.009287486784160137, -0.000649640744086355, -0.004479903727769852, -0.0019034799188375473, -0.0014672745019197464, 0.0014605991309508681, -0.011053143069148064, 0.0030916202813386917, 0.004072618205100298, -0.0032963536214083433, -0.006064597982913256, -0.0007692700019106269, 0.002063065767288208, -0.007709315046668053, 0.0034146264661103487, 0.0002907378657255322, -0.012596987187862396, 0.0016734744422137737, 0.005834563635289669, -0.00447819521650672, -0.0014679052401334047, -0.007482372689992189, 0.004207587335258722, -0.00933440588414669, 0.00021241733338683844, 0.002655028598383069, -0.002774246269837022, 0.00015554572746623307, -0.0066814422607421875, 0.0006205042009241879, 0.001130669261328876, 0.0022646889556199312, -0.0111562954261899, -0.004433707799762487, 0.005805057939141989, -0.0024206754751503468, -0.006607862655073404, 0.00926454458385706, -0.003539330093190074, -0.013594022952020168, 0.00816806498914957, -0.0034967076499015093, 0.005368312355130911, -0.00134086178150028, -0.009448427706956863, 0.004583114758133888, -0.012448989786207676, 0.006386620923876762, 0.0043225218541920185, -0.006672674790024757, -0.002624002518132329, -0.0010416287695989013, 0.0008354997262358665, 0.008370514027774334, -0.015555565245449543, 0.0006882452871650457, 0.00578616838902235, -0.0015059440629556775, -0.004144720733165741, -0.009928952902555466, 0.01420573890209198, 0.0050331223756074905, -0.01350184716284275, -0.003133094171062112, 0.004823078867048025, 0.0016541938530281186, -0.007539608050137758, -0.0006631857249885798, 0.005379535723477602, -0.007722955197095871, 0.002862694440409541, -0.0032428845297545195, -0.003581973956897855, 0.005866353400051594, 0.0035239511635154486, -0.002749089151620865, -0.006499856244772673, 0.0017996550304815173, -0.0019824861083179712, -0.007768092676997185, 0.011039418168365955, -0.010394388809800148, 0.0010472115827724338, 0.0019989770371466875, -0.008763386867940426, -0.0006233808817341924, 0.003142610192298889, 0.011440737172961235, -0.01779002882540226, -0.0014862573007121682, 0.012296399101614952, -0.005748644471168518, 0.0002219314919784665, -0.012482337653636932, 0.01325745228677988, -0.005385805852711201, -0.001809001318179071, -1.273723228223389e-05, 0.005028521176427603, -0.002261653309687972, -0.002663427498191595, 0.003837251802906394, -0.010768894106149673, 0.006434048525989056, 0.002749422565102577, -0.0015873259399086237, -0.009501421824097633, 0.007959377951920033, 0.0025732461363077164, -0.006095238961279392, 0.003564622951671481, -0.002382829552516341, -0.0023865087423473597, 0.0022495612502098083, -0.0015257399063557386, -0.007099075708538294, 0.0062246136367321014, 0.004687094129621983, 0.0008488760213367641, -0.0037437889259308577, -0.008801134303212166, 0.00931878574192524, 0.005513768643140793, -0.008348802104592323, 0.009600111283361912, -0.007854989729821682, -0.002001432003453374, 0.0073980060406029224, -0.0002907365851569921, -0.005021270830184221, 0.00574551522731781, -0.0020982944406569004, 0.004723499063402414, -0.013804691843688488, 0.0095592699944973, 0.0007028332911431789, -0.002312608528882265, -0.0027186302468180656, -0.006776776164770126, 0.014895573258399963, -0.008688089437782764, 0.002411996014416218, -0.009248371236026287, 0.002239665249362588, 0.010406973771750927, 0.004109904635697603, -0.019320078194141388, 0.0009810422779992223, 0.014787014573812485, -0.0027103652246296406, -0.002881923457607627, -0.001857251045294106, 0.005865687504410744, 0.003173960605636239, -0.009716247208416462, 0.014207880944013596, -0.0070401509292423725, 0.0008654373232275248, 0.016982421278953552, -0.022317588329315186, 0.0040639895014464855, 0.012390775606036186, 0.004056868143379688, 0.00445403391495347, -0.015338717959821224, 0.009520924650132656, 0.004789560101926327, 0.0024714889004826546, 0.008934669196605682, -0.016288725659251213, 0.014414270408451557, 0.002138627227395773, 0.0008610806544311345, -0.002015333855524659, 0.013567697256803513, -0.009618711657822132, 0.00796451885253191, 0.01310088112950325, -0.014843451790511608, 0.003114553401246667, 0.02070683240890503, -0.005527242552489042, 0.0022551913280040026, -0.001753235817886889, 0.017306536436080933, 0.00722399540245533, -0.011758190579712391, 0.01453215628862381, 0.008701703511178493, 0.004402574617415667, -0.0034821657463908195, 0.005365543998777866, 0.012895184569060802, 0.01100649032741785, -0.0007565771229565144, 0.006915979087352753, 0.00855191983282566, 0.004103343468159437, 0.005744493566453457, 0.0032710768282413483, 0.006073739845305681, 0.00580250658094883, 0.010956806130707264, 0.00714750774204731, -0.004545709118247032, 0.019412336871027946, 0.008297606371343136, -0.010959097184240818, 0.004074635449796915, 0.014326734468340874, 0.010190863162279129, -0.010112687945365906, 0.032480545341968536, 0.01072543766349554, 0.014125493355095387, -0.023047881200909615, 0.025933973491191864, 0.009893511421978474, 0.0015075874980539083, 0.018395354971289635, -0.0024400134570896626, 0.014171186834573746, 0.018993079662322998, 0.028448738157749176, -0.00280643324367702, -0.0183880515396595, 0.03553953021764755, 0.010789066553115845, -0.018587512895464897, -0.00860319472849369, 0.014190221205353737, -0.003093041479587555, -0.004082691855728626, -0.012513902969658375, 0.011815900914371014, 0.009818973019719124, -0.008334753103554249, -0.0007642376003786922, 0.014368180185556412, 0.021183721721172333, -0.004838237073272467, 0.002986758481711149, -0.002816916676238179, 0.02235906757414341, 0.005478911101818085, 0.007551818620413542, -0.004021469969302416, 0.028867200016975403, -0.010336614213883877, 0.00766698457300663, 0.020564762875437737, 0.0003096669970545918, 0.022642767056822777, 0.013921125791966915, 0.003445160575211048, 0.007033130619674921, 0.008157448843121529, 0.002615423407405615, 0.026811731979250908, -0.023081742227077484, 0.00503352889791131, 0.010641846805810928, -0.01648847572505474, 0.010373934172093868, 0.0015870312927290797, -0.024000370875000954, 0.003525190055370331, -0.012392434291541576, -0.016264667734503746, -0.004275701940059662, 0.02017338201403618, -0.005239349324256182, -0.018934790045022964, 0.011557360179722309, 0.03332401439547539, -0.007532638031989336, -0.020355714485049248, 0.026577018201351166, 0.007736662868410349, -0.008487927727401257, -0.005284929648041725, 0.0020695629063993692, 0.021997638046741486, -0.005053449887782335, -0.006424060557037592, 0.019912980496883392, -0.010116908699274063, 0.01712571643292904, 0.009989106096327305, -0.013370659202337265, 0.019714025780558586, 0.004290958866477013, 0.015372906811535358, -0.003215184435248375, 0.009248370304703712, 0.011856486089527607, 0.005783737171441317, 0.017422549426555634, -0.00936438050121069, 0.002159880241379142, 0.015197926200926304, -0.009959478862583637, -0.004266147501766682, 0.015414681285619736, 0.0037309073377400637, -0.024235965684056282, 0.015428001992404461, 0.007696045096963644, -0.024478686973452568, 0.025313496589660645, -0.009771469980478287, 0.004839636385440826, -0.01667596586048603, -0.0009104269556701183, 0.042918071150779724, -0.025438755750656128, -0.014196501113474369, 0.04164039343595505, -0.003510250709950924, -0.031160011887550354, 0.009061046876013279, 0.024645641446113586, 0.004903821740299463, -0.022397853434085846, -0.019735176116228104, 0.045660149306058884, -0.004301934968680143, -0.013767111115157604, 0.015481510199606419, -0.010412744246423244, -0.01938030496239662, 0.005269797518849373, -0.00787452980875969, -0.019321201369166374, -0.006888333708047867, -0.0032761211041361094, 0.0032589170150458813, -0.016969092190265656, -0.00773383304476738, 0.02301674336194992, -0.012592586688697338, -0.0029320374596863985, 0.014689341187477112, -0.01072927750647068, 0.002104645362123847, 0.0031395431142300367, -0.0002962677681352943, -0.003264406928792596, 0.0023548004683107138, -0.007908283732831478, 0.014423933811485767, 0.00014431918680202216, -0.015027005225419998, 0.004557544365525246, 0.0027867541648447514, -0.004900725092738867, -0.006207440514117479, 0.0036212767008692026, 0.001287058345042169, -0.0030619546305388212, -0.007869969122111797, -0.0034677525982260704, -0.0032129830215126276, 0.009495430625975132, -0.014991751872003078, -0.0031004678457975388, -0.0007170177414081991, 0.0007889436092227697, -0.0033372847829014063, -0.025248955935239792, 0.020944930613040924, -0.01248774491250515, -0.012527103535830975, -0.012532205320894718, 0.019916478544473648, -0.014084680937230587, -0.027967631816864014, 0.013559375889599323, 0.01752590760588646, -0.01177095528692007, -0.00818998459726572, 0.014738894999027252, -0.001640107249841094, -0.006073173135519028, 0.011562385596334934, -0.016074873507022858, -0.005297414027154446, 0.0217061098664999, -0.0033948004711419344, 0.0036371706519275904, 0.003372667357325554, 0.012609630823135376, 0.004831144120544195, 0.005200231913477182, -0.0023459603544324636, -0.011514522135257721, 0.008035107515752316, 0.0024091864470392466, 0.009965133853256702, -0.030001452192664146, -0.004429648630321026, 0.014369660057127476, -0.00032811128767207265, -0.026339907199144363, 0.00208477396517992, 0.004776814021170139, 0.006177850067615509, -0.013466427102684975, -0.016210360452532768, -0.0111745810136199, 0.002584614558145404, -0.01982094720005989, -0.014790157787501812, 0.009403903037309647, -0.019823824986815453, 0.012911505997180939, 0.007939976640045643, 0.00022424304916057736, -0.020410628989338875, 0.01287147868424654, 0.011170889250934124, -0.006526530254632235, -0.01705789752304554, 0.020377418026328087, 0.003127529751509428, -0.008682184852659702, -0.0021678630728274584, 0.00824861228466034, 0.0037916770670562983, 0.011523888446390629, -0.003807260887697339, 0.0009878786513581872, -0.0005264303181320429, -0.006441345904022455, -0.0046119848266243935, -0.01583443023264408, 0.0019629995804280043, -0.01101447269320488, -0.007420605514198542, -0.004416706971824169, -0.022894054651260376, -0.0004292799567338079, -0.000625926535576582, -0.0224422849714756, -0.015591524541378021, -0.004665831569582224, -0.005690959747880697, -0.0158547293394804, 0.007158027496188879, -0.003398412838578224, -0.01666061021387577, -0.0036615468561649323, 0.009767817333340645, 0.0005929840262979269, -0.007649140898138285, 0.004217824898660183, -0.00811551883816719, 0.0008527704048901796, -0.006575365085154772, -0.019674308598041534, 0.0008220960153266788, 0.005074082408100367, -0.02757588028907776, -0.023965448141098022, 0.00945403054356575, 0.007612906396389008, -0.02307584322988987, 0.000792062608525157, 0.0025649964809417725, -0.012039878405630589, -0.006790335290133953, 0.0180093664675951, 0.005722756031900644, -0.009636937640607357, -0.005118860863149166, 0.02806985192000866, 0.0060789440758526325, -0.011039161123335361, 0.012530059553682804, 0.006646961439400911, 0.012444362975656986, -0.005826581735163927, -0.007624159101396799, 0.0003101947659160942, 0.010175053030252457, -0.021781444549560547, -0.010680233128368855, 0.0073388866148889065, -0.011715895496308804, -0.005406991578638554, -0.001655249041505158, 0.005279746372252703, -0.01416072528809309, -0.006493553519248962, 0.0029058391228318214, -0.01038692332804203, -0.0020829818677157164, 0.005669253412634134, -0.01383551862090826, -0.011911792680621147, 0.016638528555631638, 0.00364603940397501, -0.007783500012010336, 0.0032632292713969946, 0.006350139621645212, 0.011801313608884811, -0.0021732384338974953, -0.008395768702030182, 0.0017726448131725192, 0.00040431099478155375, 0.008381524123251438, -0.012720375321805477, -0.004019603133201599, 0.010609879158437252, 0.0002148443163605407, 0.015674365684390068, -0.008577710017561913, -0.009259884245693684, 0.007780157029628754, -0.005173502489924431, -0.010419213213026524, -0.019073573872447014, 0.008146374486386776, -0.005546595435589552, -0.021384168416261673, -0.007070943713188171, 0.004554386250674725, -0.015842383727431297, -0.004625014029443264, 0.0041139815002679825, -0.016445552930235863, -0.0035572859924286604, -0.010374503210186958, 0.0031035123392939568, -8.769954729359597e-05, -0.024347754195332527, -0.005727128125727177, 0.005948067642748356, -0.006639258936047554, -0.0007205574656836689, -0.0038779645692557096, 0.0020793317817151546, -0.007514606695622206, -0.004963619168847799, 0.005832180380821228, -0.01273201871663332, -0.010120071470737457, 0.009021700359880924, -0.010759618133306503, -0.0231197290122509, -0.0058426083996891975, -0.003129987744614482, -0.0018183727515861392, -0.025443250313401222, -0.008746895007789135, -0.0054624672047793865, -0.01714327745139599, -0.006452974397689104, -0.016887858510017395, -0.013975593261420727, -0.013685443438589573, -0.02854723297059536, -0.01935998909175396, -0.0011194882681593299, -0.02733166515827179, -0.027753612026572227, -0.013322803191840649, -0.017308814451098442, -0.025353670120239258, -0.022760383784770966, -0.012559086084365845, -0.023933837190270424, -0.014068708755075932, -0.017197398468852043, -0.024576371535658836, -0.026258278638124466, -0.015458750538527966, -0.017693962901830673, -0.02394193597137928, -0.01849977858364582, -0.023971401154994965, -0.01812329702079296, -0.023337913677096367, -0.024732554331421852, -0.026710396632552147, -0.015535328537225723, -0.023694204166531563, -0.030701840296387672, -0.013582898303866386, -0.012838678434491158, -0.01312135811895132, -0.018969448283314705, -0.027632711455225945, -0.010714803822338581, -0.011545407585799694, -0.026491176337003708, -0.021120600402355194, -0.013562505133450031, -0.015230325050652027, -0.01673753373324871, -0.025874288752675056, -0.012984571978449821, -0.005924621596932411, -0.0162931140512228, -0.013826235197484493, -0.013823377899825573, -0.014606072567403316, -0.006419656798243523, -0.010495313443243504, -0.0153004489839077, -0.00427990173920989, 0.002160259522497654, 0.0005355084431357682, -0.0006133513525128365, 0.0064478483982384205, 0.0170739758759737, 0.011483706533908844, 0.010668559931218624, 0.01856348104774952, 0.019060123711824417, 0.016315946355462074, 0.020847998559474945, 0.024925820529460907, 0.024662155658006668, 0.02319205366075039, 0.026805831119418144, 0.02564527839422226, 0.028950078412890434, 0.03050503320991993, 0.030923806130886078, 0.022609787061810493, 0.029068076983094215, 0.03202225640416145, 0.031453873962163925, 0.03188640996813774, 0.025087829679250717, 0.02665260247886181, 0.034623149782419205, 0.029122086241841316, 0.02143014222383499, 0.03307474032044411, 0.030481457710266113, 0.03544636815786362, 0.031063178554177284, 0.035084906965494156, 0.031296633183956146, 0.03324549272656441, 0.03968556597828865, 0.026884259656071663, 0.029221823439002037, 0.036533039063215256, 0.03871402516961098, 0.03512037917971611, 0.037341970950365067, 0.039551712572574615, 0.03889843448996544, 0.03081718273460865, 0.02583477646112442, 0.031324222683906555, 0.013003700412809849, 0.012305128388106823, 0.02113143913447857, 0.03590971603989601, 0.015004613436758518, 0.004523929674178362, 0.008765432052314281, 0.01624041423201561, 0.0080428970977664, 0.002454743953421712, -0.0002635286364238709, -0.0024512461386621, -0.00704149529337883, -0.012084465473890305, -0.0015744860284030437, 0.0014410557923838496, -0.0071271383203566074, -0.0016069539124146104, -0.0020788691472262144, -0.007896856404840946, -0.015038554556667805, -0.012208648957312107, -0.006823141593486071, -0.012242862023413181, -0.020491229370236397, -0.016975753009319305, -0.015118581242859364, -0.01235498022288084, -0.008676910772919655, -0.008836749941110611, -0.015058695338666439, -0.019111746922135353, -0.025807293131947517, -0.01698356494307518, -0.021712850779294968, -0.024990372359752655, -0.027386479079723358, -0.03459744155406952, -0.028004134073853493, -0.023280847817659378, -0.02990468591451645, -0.03495850786566734, -0.03617948293685913, -0.03334656357765198, -0.02938031405210495, -0.03551856800913811, -0.03635687381029129, -0.0342576839029789, -0.036369528621435165, -0.03775504603981972, -0.03809499368071556, -0.043873559683561325, -0.045414604246616364, -0.041358038783073425, -0.04627178981900215, -0.04365132376551628, -0.0483134426176548, -0.041887570172548294, -0.0382697694003582, -0.04686887562274933, -0.047777723520994186, -0.0524514764547348, -0.05424797162413597, -0.05150367319583893, -0.04925020411610603, -0.044847674667835236, -0.0445232167840004, -0.03477371111512184, -0.023835964500904083, -0.01690126769244671, -0.0002580801665317267, 0.004596223123371601, 0.005995382554829121, 0.013057500123977661, 0.023584937676787376, 0.027747152373194695, 0.030630603432655334, 0.03750130534172058, 0.04275383800268173, 0.05213988199830055, 0.05084633827209473, 0.05829784274101257, 0.06145801022648811, 0.06006081774830818, 0.06163417920470238, 0.056640878319740295, 0.05389286205172539, 0.04918587952852249, 0.045823246240615845, 0.04268873482942581, 0.03951466828584671, 0.03421202674508095, 0.02997463010251522, 0.026608461514115334, 0.0256432443857193, 0.02271341346204281, 0.021665701642632484, 0.015744240954518318, 0.015167047269642353, 0.010857783257961273, 0.011083263903856277, 0.007987339980900288, 0.005785975605249405, 0.009723273105919361, 0.008599263615906239, 0.009573469869792461, 0.015810513868927956, 0.01926550455391407, 0.01565750502049923, 0.01956620067358017, 0.024924086406826973, 0.025901779532432556, 0.029490431770682335, 0.029434820637106895, 0.033838700503110886, 0.03555571287870407, 0.040396563708782196, 0.04298872873187065, 0.049560949206352234, 0.052473053336143494, 0.052860457450151443, 0.05560733377933502, 0.053327903151512146, 0.05381982773542404, 0.047550663352012634, 0.050675589591264725, 0.050114985555410385, 0.04589526355266571, 0.046628717333078384, 0.04955020546913147, 0.04945841804146767, 0.053715407848358154, 0.05482391640543938, 0.05792225897312164, 0.05447561293840408, 0.045533373951911926, 0.045921508222818375, 0.05004594102501869, 0.04878005385398865, 0.04792480915784836, 0.04489675164222717, 0.04992353916168213, 0.05594293773174286, 0.05206646770238876, 0.059077829122543335, 0.055658284574747086, 0.05540759488940239, 0.057630378752946854, 0.05085194110870361, 0.05009729787707329, 0.04970594495534897, 0.05352284386754036, 0.04938045144081116, 0.04842112958431244, 0.04758184775710106, 0.04759032279253006, 0.045435383915901184, 0.041540585458278656, 0.04269154742360115, 0.036021266132593155, 0.03110469877719879, 0.027542749419808388, 0.025479741394519806, 0.019269457086920738, 0.01961539126932621, 0.017092762514948845, 0.012194142676889896, 0.012358189560472965, 0.0096562085673213, 0.009937184862792492, 0.006223977543413639, 0.001879843999631703, -0.0005300286575220525, -0.006280527915805578, -0.0067735956981778145, -0.008539348840713501, -0.009621613658964634, -0.009861884638667107, -0.011206232011318207, -0.016368433833122253, -0.01942157931625843, -0.02109760232269764, -0.020899176597595215, -0.022064341232180595, -0.029238173738121986, -0.03238391876220703, -0.03514840826392174, -0.03706397861242294, -0.040150322020053864, -0.0429815798997879, -0.04289032146334648, -0.04551974684000015, -0.052804701030254364, -0.05560574308037758, -0.05635571479797363, -0.05449211969971657, -0.058229923248291016, -0.061489660292863846, -0.06713780760765076, -0.07492770254611969, -0.07355388253927231, -0.07296254485845566, -0.07630344480276108, -0.07443905621767044, -0.07518229633569717, -0.07682517915964127, -0.0775541365146637, -0.07817112654447556, -0.07593759149312973, -0.07123058289289474, -0.07400652021169662, -0.074549101293087, -0.07357979565858841, -0.07921821624040604, -0.07689779996871948, -0.07850123941898346, -0.07369619607925415, -0.06673292070627213, -0.06361903250217438, -0.05285346880555153, -0.0490553192794323, -0.0407571978867054, -0.029599780216813087, -0.020668847486376762, -0.011591441929340363, -0.008932664059102535, -0.003497174708172679, -0.002643617568537593, 0.0066495900973677635, 0.012183514423668385, 0.01970752701163292, 0.025222646072506905, 0.022990917786955833, 0.029828472062945366, 0.0311601459980011, 0.036695096641778946, 0.040710896253585815, 0.03866588696837425, 0.03468112275004387, 0.02914506383240223, 0.03028482384979725, 0.024854540824890137, 0.024412404745817184, 0.024160180240869522, 0.02077796496450901, 0.017652245238423347, 0.012385749258100986, 0.01307612657546997, 0.010155277326703072, 0.01052887924015522, 0.008069788105785847, 0.005378797650337219, 0.006198745686560869, -0.0010124034015461802, 0.0009135074797086418, 0.0006692911847494543, 0.0002897926897276193, 0.0016596540808677673, 0.0009533670381642878, 0.0031412425450980663, 0.0031948229297995567, 0.00143334805034101, 0.007298370823264122, 0.007780182640999556, 0.010584860108792782, 0.013897526077926159, 0.013294112868607044, 0.014112795703113079, 0.017279628664255142, 0.01723768375813961, 0.020880676805973053, 0.019596679136157036, 0.021168621256947517, 0.02243008092045784, 0.02167809195816517, 0.02317018434405327, 0.02168154902756214, 0.021846473217010498, 0.0204511396586895, 0.019159113988280296, 0.019046323373913765, 0.021283183246850967, 0.01771637052297592, 0.01763032004237175, 0.019096728414297104, 0.018945179879665375, 0.017804408445954323, 0.011955556459724903, 0.01386460941284895, 0.011894150637090206, 0.009531496092677116, 0.007586666848510504, 0.006184754427522421, 0.0066450778394937515, 0.005465845577418804, 0.007152612786740065, 0.0066429791040718555, 0.010454314760863781, 0.012874823063611984, 0.014408312737941742, 0.01647956296801567, 0.01617898792028427, 0.018260536715388298, 0.019637029618024826, 0.01830858737230301, 0.019632240757346153, 0.01705501787364483, 0.017547568306326866, 0.016254199668765068, 0.01691911555826664, 0.01561508048325777, 0.017957856878638268, 0.018177269026637077, 0.01778925396502018, 0.01869877055287361, 0.01767474226653576, 0.018115341663360596, 0.015426808036863804, 0.017581509426236153, 0.017251810058951378, 0.01652413047850132, 0.017574569210410118, 0.01825004629790783, 0.019917411729693413, 0.020535653457045555, 0.01985548436641693, 0.02025047317147255, 0.020653918385505676, 0.019750546663999557, 0.01926354505121708, 0.018019400537014008, 0.01575399562716484, 0.013153217732906342, 0.014136169105768204, 0.014075812883675098, 0.011098922230303288, 0.010606317780911922, 0.00841566827148199, 0.006419285200536251, 0.007020087912678719, 0.002554179634898901, 0.0032965820282697678, 0.002519661094993353, 0.0009908810025081038, -0.0003953360137529671, -0.0020571595523506403, -0.0019510543206706643, -0.004531301558017731, -0.0061524659395217896, -0.009714309126138687, -0.011085717007517815, -0.012967427261173725, -0.015199282206594944, -0.017341790720820427, -0.0193697027862072, -0.018705621361732483, -0.022315647453069687, -0.02287924475967884, -0.023569120094180107, -0.024007266387343407, -0.024620164185762405, -0.02748163789510727, -0.029065482318401337, -0.03040771186351776, -0.03103683888912201, -0.03283115103840828, -0.03466610983014107, -0.035189803689718246, -0.037587035447359085, -0.0385870486497879, -0.04053698852658272, -0.04239128530025482, -0.04253218322992325, -0.04349934682250023, -0.04539730027318001, -0.047280602157115936, -0.04983744025230408, -0.04988953843712807, -0.053315047174692154, -0.054788533598184586, -0.058286529034376144, -0.059237901121377945, -0.0624699741601944, -0.06395658850669861, -0.06474468111991882, -0.06693145632743835, -0.0671342983841896, -0.06764142960309982, -0.06856653094291687, -0.06947445124387741, -0.07056345790624619, -0.070586197078228, -0.070323646068573, -0.07072819024324417, -0.07081025093793869, -0.06863274425268173, -0.06879832595586777, -0.06517855077981949, -0.06222299113869667, -0.06020623818039894, -0.05657612159848213, -0.05522412434220314, -0.05114021152257919, -0.04854555428028107, -0.0460749976336956, -0.041820548474788666, -0.03800944611430168, -0.0334974080324173, -0.03155408427119255, -0.02740485407412052, -0.022350188344717026, -0.0189378559589386, -0.013821289874613285, -0.009431259706616402, -0.005730098579078913, -0.001007070648483932, 0.0027085705660283566, 0.006859989371150732, 0.010261181741952896, 0.014008626341819763, 0.017128808423876762, 0.018242767080664635, 0.021135466173291206, 0.023440873250365257, 0.024656781926751137, 0.027905620634555817, 0.028632936999201775, 0.02988819219172001, 0.032269686460494995, 0.033242370933294296, 0.03455851599574089, 0.03485912084579468, 0.036555346101522446, 0.03705831617116928, 0.036984700709581375, 0.038554299622774124, 0.038164038211107254, 0.0373556949198246, 0.03792429342865944, 0.03758120909333229, 0.037188004702329636, 0.035940609872341156, 0.034563906490802765, 0.034772928804159164, 0.033440057188272476, 0.03210441768169403, 0.030706850811839104, 0.028478601947426796, 0.027622630819678307, 0.025066571310162544, 0.022646090015769005, 0.02038809098303318, 0.018194274976849556, 0.016568852588534355, 0.015158920548856258, 0.011149349622428417, 0.00918971560895443, 0.008696991950273514, 0.006612373050302267, 0.004907683003693819, 0.004031008575111628, 0.00306717399507761, 0.00133499875664711, 0.0008956698584370315, 0.00044818027527071536, -0.0006823490839451551, -0.00030563693144358695, -0.0007878131000325084, -0.00032258033752441406, 6.104353815317154e-05, 7.336090493481606e-05, 0.001053611864335835, 0.0019873245619237423, 0.0033195996657013893, 0.004030882380902767, 0.005865217186510563, 0.007670074701309204, 0.008559183217585087, 0.01154091116040945, 0.013209334574639797, 0.014898854307830334, 0.01628105528652668, 0.016887689009308815, 0.018343569710850716, 0.019795328378677368, 0.021898580715060234, 0.02352515421807766, 0.025400737300515175, 0.026947021484375, 0.02804115228354931, 0.029430614784359932, 0.031075941398739815, 0.031128810718655586, 0.03151946887373924, 0.03271867334842682, 0.03268519788980484, 0.03333315625786781, 0.032773714512586594, 0.03209471330046654, 0.031615324318408966, 0.030647531151771545, 0.030467374250292778, 0.028957374393939972, 0.027518561109900475, 0.02664051204919815, 0.025176677852869034, 0.023717107251286507, 0.022366302087903023, 0.020588630810379982, 0.018822306767106056, 0.016291474923491478, 0.013776340521872044, 0.010848084464669228, 0.008828635327517986, 0.006436869502067566, 0.003633220447227359, 0.0006349029717966914, -0.002317416248843074, -0.004385309759527445, -0.007065424695611, -0.009078430943191051, -0.01248153019696474, -0.015130461193621159, -0.017506742849946022, -0.020095232874155045, -0.022214235737919807, -0.025219334289431572, -0.02722001262009144, -0.030022969469428062, -0.03205626457929611, -0.03471584990620613, -0.037511132657527924, -0.03945523872971535, -0.04188663139939308, -0.04318607226014137, -0.04479485750198364, -0.046737607568502426, -0.0476507730782032, -0.049140993505716324, -0.05072733759880066, -0.05135564133524895, -0.05275844410061836, -0.05406311899423599, -0.05604734644293785, -0.05716755613684654, -0.05767719820141792, -0.05782773718237877, -0.05913734436035156, -0.06077614426612854, -0.061030108481645584, -0.0619695782661438, -0.06263751536607742, -0.06390586495399475, -0.06358636170625687, -0.06539557129144669, -0.06488127261400223, -0.06600142270326614, -0.06677316874265671, -0.06686998158693314, -0.0663510113954544, -0.06545979529619217, -0.06495686620473862, -0.0639548972249031, -0.062446895986795425, -0.06178709492087364, -0.05993377044796944, -0.05801888182759285, -0.05535542964935303, -0.052653152495622635, -0.04911849647760391, -0.045281995087862015, -0.041933175176382065, -0.03831364959478378, -0.03511117771267891, -0.0303043182939291, -0.026404427364468575, -0.02211812138557434, -0.0175225380808115, -0.012697708792984486, -0.009109755046665668, -0.004551663529127836, -0.0004808127705473453, 0.0042033446952700615, 0.009085002355277538, 0.013234280981123447, 0.017995374277234077, 0.022182324901223183, 0.025804337114095688, 0.029572026804089546, 0.03208876773715019, 0.035419218242168427, 0.038457293063402176, 0.03980298712849617, 0.04224344715476036, 0.042969316244125366, 0.04440782591700554, 0.04675702750682831, 0.04701496288180351, 0.048020705580711365, 0.04916077107191086, 0.04942229390144348, 0.049305226653814316, 0.0489790141582489, 0.04909365624189377, 0.04793485999107361, 0.0461387075483799, 0.04471488669514656, 0.043059393763542175, 0.04069364815950394, 0.03884414583444595, 0.03664776310324669, 0.034267980605363846, 0.031963054090738297, 0.029961438849568367, 0.027102496474981308, 0.02469809353351593, 0.021844664588570595, 0.018973717465996742, 0.016904301941394806, 0.014377969317138195, 0.01163722388446331, 0.00936071202158928, 0.006833396852016449, 0.004718602169305086, 0.0032069676090031862, 0.0006722241523675621, -0.00012376105587463826, -0.0014479218516498804, -0.0031735310330986977, -0.004654285963624716, -0.005745782051235437, -0.006269306410104036, -0.006357486359775066, -0.006984686013311148, -0.006452100817114115, -0.006389338057488203, -0.00509756850078702, -0.003870184300467372, -0.002608157927170396, -0.0011900487588718534, 0.00021423080761451274, 0.0014880654634907842, 0.004119293298572302, 0.005497115198522806, 0.006838829722255468, 0.009084622375667095, 0.011509168893098831, 0.013288324698805809, 0.015061835758388042, 0.017063751816749573, 0.020127328112721443, 0.021935850381851196, 0.023680130019783974, 0.025640055537223816, 0.027663573622703552, 0.02904301881790161, 0.030840903520584106, 0.033237557858228683, 0.034045517444610596, 0.036089926958084106, 0.03761972114443779, 0.03807223588228226, 0.03912945091724396, 0.039564140141010284, 0.03965386003255844, 0.039389707148075104, 0.03939276933670044, 0.03933757171034813, 0.03712549805641174, 0.03580905869603157, 0.035149089992046356, 0.03343376889824867, 0.03125673905014992, 0.02966730296611786, 0.02862612158060074, 0.026132484897971153, 0.023488949984312057, 0.021921368315815926, 0.01988285407423973, 0.016551729291677475, 0.014358221553266048, 0.011836670339107513, 0.008365013636648655, 0.004708241671323776, 0.0016224210849031806, -0.0012631118297576904, -0.005367542151361704, -0.008755690418183804, -0.011173065751791, -0.015201871283352375, -0.01752646081149578, -0.020749719813466072, -0.02313665673136711, -0.025726789608597755, -0.028621619567275047, -0.030167222023010254, -0.0331805981695652, -0.03618128225207329, -0.0377366803586483, -0.04072863981127739, -0.043332263827323914, -0.044923365116119385, -0.047134771943092346, -0.048332445323467255, -0.05050668492913246, -0.052348122000694275, -0.052416037768125534, -0.05446620658040047, -0.05611644685268402, -0.05606982484459877, -0.05924217030405998, -0.060413192957639694, -0.060351207852363586, -0.06343390047550201, -0.06482530385255814, -0.06612145155668259, -0.06755829602479935, -0.06967731565237045, -0.0705605074763298, -0.07144825905561447, -0.0728885680437088, -0.07402441650629044, -0.07387005537748337, -0.07247472554445267, -0.07350380718708038, -0.0731285810470581, -0.07183361053466797, -0.0730186253786087, -0.07267259806394577, -0.07213917374610901, -0.0721893385052681, -0.07215568423271179, -0.07158081978559494, -0.07194816321134567, -0.0710110068321228, -0.06938544660806656, -0.06951246410608292, -0.06676725298166275, -0.06348175555467606, -0.06145511195063591, -0.05721466243267059, -0.05244843661785126, -0.0501336008310318, -0.04442719742655754, -0.04038412868976593, -0.035616036504507065, -0.030884968116879463, -0.02715027891099453, -0.021285969763994217, -0.016547827050089836, -0.013047450222074986, -0.006666882894933224, -0.002619566395878792, 0.0031592738814651966, 0.009141082875430584, 0.014504133723676205, 0.020637942478060722, 0.02465369552373886, 0.029871301725506783, 0.03626103326678276, 0.0392645001411438, 0.04260578751564026, 0.047119010239839554, 0.049016136676073074, 0.051135968416929245, 0.05259252339601517, 0.05444825440645218, 0.0558243989944458, 0.05576428398489952, 0.0566239170730114, 0.057691484689712524, 0.05676626041531563, 0.05618228018283844, 0.055978383868932724, 0.05481782555580139, 0.0538179986178875, 0.05246654525399208, 0.05020415782928467, 0.048488348722457886, 0.045519955456256866, 0.0424104668200016, 0.04085167497396469, 0.03758985176682472, 0.035203997045755386, 0.033400263637304306, 0.030575362965464592, 0.02846267819404602, 0.027232281863689423, 0.02476399391889572, 0.023846706375479698, 0.022164108231663704, 0.020392002537846565, 0.019107142463326454, 0.017549162730574608, 0.014793533831834793, 0.013365672901272774, 0.011330663226544857, 0.009133054874837399, 0.007978943176567554, 0.006900392938405275, 0.006762600503861904, 0.006953010335564613, 0.006650198716670275, 0.00813321489840746, 0.00913523230701685, 0.010111461393535137, 0.011937140487134457, 0.013979925774037838, 0.015246371738612652, 0.01614665985107422, 0.01804676093161106, 0.020365025848150253, 0.020895346999168396, 0.022793753072619438, 0.025454368442296982, 0.026742955669760704, 0.027572745457291603, 0.03050183691084385, 0.03254106268286705, 0.03355136886239052, 0.037355922162532806, 0.03967344015836716, 0.04172976315021515, 0.04320830479264259, 0.04521859437227249, 0.047491513192653656, 0.047877419739961624, 0.048326294869184494, 0.0493663027882576, 0.050549112260341644, 0.0506918802857399, 0.04967893660068512, 0.05016065388917923, 0.05036348104476929, 0.049273617565631866, 0.05016109719872475, 0.050093818455934525, 0.05009178817272186, 0.049319565296173096, 0.047607213258743286, 0.04662249609827995, 0.044528570026159286, 0.042438603937625885, 0.040833018720149994, 0.03818260878324509, 0.03546943888068199, 0.03255395591259003, 0.029854334890842438, 0.02704816870391369, 0.024362754076719284, 0.02279665134847164, 0.021262064576148987, 0.017948510125279427, 0.016102859750390053, 0.013996548019349575, 0.011616299860179424, 0.009224568493664265, 0.006823609583079815, 0.004241631831973791, 0.0016050622798502445, -0.000338100828230381, -0.002709090942516923, -0.005524967331439257, -0.007469146978110075, -0.009547988884150982, -0.011442012153565884, -0.012648300267755985, -0.014816583134233952, -0.015555243007838726, -0.016764214262366295, -0.01829156093299389, -0.019691670313477516, -0.021379128098487854, -0.022138888016343117, -0.024074316024780273, -0.027448982000350952, -0.029744595289230347, -0.031828928738832474, -0.03465579077601433, -0.03732414171099663, -0.040028199553489685, -0.04250918701291084, -0.04546445980668068, -0.04880543053150177, -0.050685908645391464, -0.05221537500619888, -0.05327443778514862, -0.0545843280851841, -0.055928707122802734, -0.057115357369184494, -0.05859466269612312, -0.06071273609995842, -0.06072012707591057, -0.0634351596236229, -0.0626162514090538, -0.06354840099811554, -0.06427175551652908, -0.06427984684705734, -0.06440547853708267, -0.06412466615438461, -0.06395194679498672, -0.061941247433423996, -0.06093206629157066, -0.0611112006008625, -0.057755548506975174, -0.05749305710196495, -0.057171836495399475, -0.05309009924530983, -0.053944457322359085, -0.050245240330696106, -0.04790101572871208, -0.04581861197948456, -0.03972378000617027, -0.036389950662851334, -0.03185112029314041, -0.025920527055859566, -0.022285157814621925, -0.01575840823352337, -0.011098048649728298, -0.006272291764616966, -0.00014489366731140763, 0.0034933502320200205, 0.009160295128822327, 0.012930246070027351, 0.0172208771109581, 0.021961459890007973, 0.027094027027487755, 0.031722817569971085, 0.036281052976846695, 0.040472276508808136, 0.04507467523217201, 0.049226824194192886, 0.053299881517887115, 0.05696111544966698, 0.06116296723484993, 0.06277578324079514, 0.06455279141664505, 0.06688352674245834, 0.06759385764598846, 0.067134790122509, 0.06708225607872009, 0.06666681915521622, 0.06666044145822525, 0.06597675383090973, 0.06509357690811157, 0.06482354551553726, 0.06373629719018936, 0.06303656846284866, 0.06283556669950485, 0.06223437190055847, 0.06109636649489403, 0.06014499440789223, 0.05865569785237312, 0.058417972177267075, 0.05594835802912712, 0.053106602281332016, 0.050156641751527786, 0.04628383368253708, 0.042658694088459015, 0.039346642792224884, 0.03635845705866814, 0.03394113853573799, 0.030661167576909065, 0.029228808358311653, 0.028945334255695343, 0.027103282511234283, 0.026512032374739647, 0.02548747882246971, 0.023898499086499214, 0.02347279153764248, 0.022701632231473923, 0.020795810967683792, 0.01954062655568123, 0.017858464270830154, 0.016061799600720406, 0.0156316589564085, 0.013514927588403225, 0.012167266570031643, 0.012721704319119453, 0.012511417269706726, 0.01545457448810339, 0.017381759360432625, 0.01864570938050747, 0.02087121270596981, 0.021953580901026726, 0.024932358413934708, 0.02603088691830635, 0.026812028139829636, 0.029110535979270935, 0.028578439727425575, 0.029178252443671227, 0.030313441529870033, 0.029819175601005554, 0.03085164912045002, 0.03142118826508522, 0.03190619871020317, 0.033503107726573944, 0.033661555498838425, 0.03569522872567177, 0.03814954683184624, 0.03946135193109512, 0.04186919331550598, 0.04358299821615219, 0.04488702118396759, 0.04565809294581413, 0.046017199754714966, 0.046490106731653214, 0.046109624207019806, 0.0451684407889843, 0.0451999306678772, 0.043040696531534195, 0.04229910299181938, 0.04136329144239426, 0.04009135067462921, 0.041421934962272644, 0.04092423617839813, 0.0401378832757473, 0.041075076907873154, 0.03889881819486618, 0.039131585508584976, 0.037884388118982315, 0.035261549055576324, 0.03408254310488701, 0.030257707461714745, 0.026122339069843292, 0.023400243371725082, 0.01842864416539669, 0.015823809430003166, 0.012410433031618595, 0.007994810119271278, 0.005730402655899525, 0.0022849321831017733, -0.0009233340970240533, -0.003524116240441799, -0.0063460711389780045, -0.007704291492700577, -0.010967399924993515, -0.014567039906978607, -0.017271462827920914, -0.021894747391343117, -0.024219920858740807, -0.027455037459731102, -0.03155939653515816, -0.03491094335913658, -0.03833112493157387, -0.03975251317024231, -0.04122801497578621, -0.04306511580944061, -0.04392855241894722, -0.04418192058801651, -0.04586530104279518, -0.046597614884376526, -0.04856334626674652, -0.04854067042469978, -0.0498306006193161, -0.05120131000876427, -0.052731916308403015, -0.05613686516880989, -0.058646395802497864, -0.05996944382786751, -0.0619814395904541, -0.06216341257095337, -0.06462762504816055, -0.06541692465543747, -0.0651383176445961, -0.06605777889490128, -0.06504471600055695, -0.06406577676534653, -0.06375282257795334, -0.06412573158740997, -0.0645337924361229, -0.06475716829299927, -0.06578389555215836, -0.06530039757490158, -0.06479481607675552, -0.06665974110364914, -0.06609726697206497, -0.06713246554136276, -0.06667111068964005, -0.06386158615350723, -0.06440567970275879, -0.06195421516895294, -0.059984829276800156, -0.059143345803022385, -0.05595121905207634, -0.054171837866306305, -0.052051395177841187, -0.048465076833963394, -0.04604354500770569, -0.041897937655448914, -0.038962334394454956, -0.03391622379422188, -0.02922706864774227, -0.024312684312462807, -0.018669074401259422, -0.013941604644060135, -0.008440791629254818, -0.003062847536057234, 0.0013392182299867272, 0.008844914846122265, 0.01455361396074295, 0.017855452373623848, 0.02364659309387207, 0.029044823721051216, 0.03336317464709282, 0.03965878486633301, 0.04523621127009392, 0.05005986988544464, 0.054530587047338486, 0.05927407741546631, 0.06341810524463654, 0.06742990761995316, 0.06991969794034958, 0.07203146815299988, 0.07340092957019806, 0.0736561045050621, 0.0745934471487999, 0.07386458665132523, 0.07283143699169159, 0.0715375691652298, 0.06930391490459442, 0.06749198585748672, 0.06460443884134293, 0.06169426813721657, 0.06070263311266899, 0.05754445493221283, 0.05587279796600342, 0.05449013039469719, 0.051030971109867096, 0.04952334612607956, 0.047592952847480774, 0.044140223413705826, 0.04242429882287979, 0.04000520706176758, 0.03674350678920746, 0.033916838467121124, 0.030826320871710777, 0.0292517077177763, 0.025495989248156548, 0.023484010249376297, 0.021745996549725533, 0.01950211450457573, 0.01898081973195076, 0.017144622281193733, 0.016557930037379265, 0.017202453687787056, 0.015212799422442913, 0.01585349440574646, 0.014277472160756588, 0.013192780315876007, 0.013460108079016209, 0.011382143944501877, 0.010926137678325176, 0.010352525860071182, 0.009294301271438599, 0.009400784969329834, 0.009343842975795269, 0.009615899063646793, 0.010062413290143013, 0.011073466390371323, 0.01356509979814291, 0.01432234887033701, 0.017631852999329567, 0.020094990730285645, 0.023403547704219818, 0.025618290528655052, 0.026386193931102753, 0.030252359807491302, 0.03110685758292675, 0.0319574736058712, 0.034279126673936844, 0.034898120909929276, 0.03628174960613251, 0.037454754114151, 0.03800015524029732, 0.04066420719027519, 0.041190553456544876, 0.0434134379029274, 0.04676729813218117, 0.047164931893348694, 0.04923239350318909, 0.05007196590304375, 0.04936099424958229, 0.04937487468123436, 0.04872792586684227, 0.04742540046572685, 0.046360086649656296, 0.04383812099695206, 0.04231322556734085, 0.03915124759078026, 0.037578340619802475, 0.03468338027596474, 0.03289524093270302, 0.030172748491168022, 0.027707071974873543, 0.02507319115102291, 0.023304885253310204, 0.021217849105596542, 0.018567383289337158, 0.016518859192728996, 0.014154232107102871, 0.011521362699568272, 0.008876976557075977, 0.004684004932641983, 0.0014553643995895982, -0.0012695209588855505, -0.004433013033121824, -0.007435563951730728, -0.010897220112383366, -0.013247290626168251, -0.015483301132917404, -0.018117105588316917, -0.019816644489765167, -0.022755799815058708, -0.02490946650505066, -0.026500634849071503, -0.029738986864686012, -0.03167863190174103, -0.03295193612575531, -0.0375671312212944, -0.03999679163098335, -0.04306773096323013, -0.04773322865366936, -0.05095048248767853, -0.05428186431527138, -0.05654198303818703, -0.060128387063741684, -0.06296389549970627, -0.06473933905363083, -0.06926115602254868, -0.07014428824186325, -0.07111723721027374, -0.0730905756354332, -0.07277322560548782, -0.07706311345100403, -0.07766005396842957, -0.07928860932588577, -0.08508416265249252, -0.08338823914527893, -0.08610109239816666, -0.08736570924520493, -0.08824752271175385, -0.09087234735488892, -0.09104947000741959, -0.0925925150513649, -0.093113474547863, -0.08974344283342361, -0.09161597490310669, -0.08976888656616211, -0.09004859626293182, -0.09156983345746994, -0.08859056234359741, -0.08924313634634018, -0.08638526499271393, -0.08300835639238358, -0.08095625787973404, -0.07573611289262772, -0.07145165652036667, -0.06739961355924606, -0.05974595248699188, -0.05499684438109398, -0.0486699678003788, -0.04180072620511055, -0.03679293394088745, -0.02996022440493107, -0.024668730795383453, -0.019294148311018944, -0.011434083804488182, -0.00653943233191967, 0.0008562856819480658, 0.006303990725427866, 0.012125751934945583, 0.020749296993017197, 0.026034582406282425, 0.03305358812212944, 0.03994809091091156, 0.046052057296037674, 0.05279124155640602, 0.0574425645172596, 0.06178073585033417, 0.06578410416841507, 0.06819406151771545, 0.06912582367658615, 0.07003631442785263, 0.06968192011117935, 0.0682736188173294, 0.06851249188184738, 0.06798171997070312, 0.06795468181371689, 0.06604088097810745, 0.06427688896656036, 0.06378957629203796, 0.06254973262548447, 0.06259399652481079, 0.06128421425819397, 0.05924608185887337, 0.05702586472034454, 0.05444890260696411, 0.05058588832616806, 0.04792870953679085, 0.0437326580286026, 0.03980394825339317, 0.03722057119011879, 0.03213756904006004, 0.028250478208065033, 0.024599282070994377, 0.02152343839406967, 0.019609540700912476, 0.01775096356868744, 0.016260236501693726, 0.014184483326971531, 0.011667340993881226, 0.0091673219576478, 0.007849062792956829, 0.0069074747152626514, 0.004800758324563503, 0.0026130331680178642, 0.0013930328423157334, -0.001138729159720242, -0.0032153099309653044, -0.0046627516858279705, -0.005640991497784853, -0.006218100897967815, -0.004751939792186022, -0.00394348194822669, -0.00266816234216094, -0.0003460748412180692, 0.0035781178157776594, 0.0055107115767896175, 0.009630353190004826, 0.01121931616216898, 0.014453119598329067, 0.01597551442682743, 0.017998866736888885, 0.018666014075279236, 0.019193263724446297, 0.020309684798121452, 0.020293159410357475, 0.023085597902536392, 0.025490112602710724, 0.02655991166830063, 0.030632473528385162, 0.03243871033191681, 0.03619132563471794, 0.039758022874593735, 0.04084198176860809, 0.04248259216547012, 0.043437302112579346, 0.04449416697025299, 0.04590224102139473, 0.0453234501183033, 0.045226290822029114, 0.044430091977119446, 0.043315909802913666, 0.042854782193899155, 0.04254288598895073, 0.042573656886816025, 0.042319171130657196, 0.041887134313583374, 0.04193825647234917, 0.04086688533425331, 0.040171366184949875, 0.039156749844551086, 0.03815610334277153, 0.03485770523548126, 0.03465496376156807, 0.031137527897953987, 0.027669310569763184, 0.02566002681851387, 0.022755611687898636, 0.0193688552826643, 0.01633477583527565, 0.011872013099491596, 0.0075071812607347965, 0.004211978055536747, -7.498687045881525e-05, -0.004993891343474388, -0.007784759625792503, -0.00987443421036005, -0.012948335148394108, -0.01664109155535698, -0.0193428136408329, -0.022099053487181664, -0.026026254519820213, -0.030211178585886955, -0.03385971114039421, -0.03702850639820099, -0.04090581089258194, -0.0453573502600193, -0.047013767063617706, -0.051186222583055496, -0.05468735843896866, -0.056140657514333725, -0.05940002202987671, -0.06166457012295723, -0.06417908519506454, -0.06693284213542938, -0.07056685537099838, -0.07348938286304474, -0.07521902769804001, -0.07867603003978729, -0.08038905262947083, -0.0820070281624794, -0.08534130454063416, -0.08824118971824646, -0.09123790264129639, -0.09429394453763962, -0.09395436197519302, -0.09639088809490204, -0.09811659902334213, -0.09731318801641464, -0.10066507756710052, -0.1013910248875618, -0.10103530436754227, -0.1027802899479866, -0.09997295588254929, -0.10054434835910797, -0.09968546777963638, -0.09949061274528503, -0.09808589518070221, -0.09666621685028076, -0.09593653678894043, -0.09367449581623077, -0.09103496372699738, -0.08630173653364182, -0.08069269359111786, -0.07558763772249222, -0.06954163312911987, -0.0624699704349041, -0.05609332397580147, -0.0489383339881897, -0.040030159056186676, -0.03288393095135689, -0.02605816349387169, -0.019162042066454887, -0.013319950550794601, -0.00603638356551528, -1.4058933629712556e-05, 0.005589023232460022, 0.013922267593443394, 0.01978219673037529, 0.027011362835764885, 0.033277034759521484, 0.039135128259658813, 0.0464630089700222, 0.0529627799987793, 0.059179555624723434, 0.0658760741353035, 0.06898073107004166, 0.07220086455345154, 0.07473323494195938, 0.07576417177915573, 0.07676852494478226, 0.07709091156721115, 0.07604089379310608, 0.07483942806720734, 0.07271963357925415, 0.07043283432722092, 0.06767851859331131, 0.06560494750738144, 0.06516095250844955, 0.06273012608289719, 0.06109552085399628, 0.05879761651158333, 0.05523324012756348, 0.05299295857548714, 0.05108330771327019, 0.047253455966711044, 0.0436459518969059, 0.0393143855035305, 0.035583339631557465, 0.029575252905488014, 0.024194708094000816, 0.01961006224155426, 0.015544340014457703, 0.01109862420707941, 0.009071524254977703, 0.006355304270982742, 0.004127587657421827, 0.0018642935901880264, 0.00035454597673378885, -0.0010349312797188759, -0.003103505354374647, -0.003422466339543462, -0.00491333706304431, -0.005411580204963684, -0.006921370048075914, -0.007159135770052671, -0.006293512415140867, -0.005402844399213791, -0.0045668138191103935, -0.0036569107323884964, -0.002678345888853073, -0.0010882343631237745, 0.0031451829709112644, 0.005236239638179541, 0.009840822778642178, 0.014915564097464085, 0.015393399633467197, 0.0197356678545475, 0.02303963340818882, 0.026292577385902405, 0.029391134157776833, 0.030207857489585876, 0.03417249023914337, 0.03596869856119156, 0.03791038319468498, 0.04078245162963867, 0.04221867397427559, 0.044616878032684326, 0.047135330736637115, 0.04927770793437958, 0.05358871445059776, 0.055286798626184464, 0.05800766870379448, 0.05939965322613716, 0.05923742428421974, 0.059834327548742294, 0.059842273592948914, 0.059512343257665634, 0.057885657995939255, 0.05593136325478554, 0.05612117424607277, 0.05285201221704483, 0.05012618377804756, 0.05070924758911133, 0.04834768921136856, 0.0480470210313797, 0.04717881977558136, 0.04592728987336159, 0.044611856341362, 0.04260416328907013, 0.04259580746293068, 0.04100599139928818, 0.03870582953095436, 0.03602664917707443, 0.03232254460453987, 0.028829433023929596, 0.025505676865577698, 0.019854074344038963, 0.01694829948246479, 0.01356539223343134, 0.008866767399013042, 0.0038772241678088903, 0.0013579068472608924, -0.0011010816087946296, -0.005424859467893839, -0.00821293517947197, -0.011956566013395786, -0.015062923543155193, -0.019754821434617043, -0.023905040696263313, -0.027368606999516487, -0.0330868661403656, -0.0375070795416832, -0.0422198586165905, -0.04680528864264488, -0.05265520140528679, -0.05529864504933357, -0.05986673757433891, -0.06427483260631561, -0.06699656695127487, -0.06978216767311096, -0.07159074395895004, -0.07393503189086914, -0.07589594274759293, -0.07728814333677292, -0.08223751187324524, -0.0837329775094986, -0.08608336001634598, -0.08956553786993027, -0.09082543849945068, -0.09489511698484421, -0.09721262753009796, -0.10025779157876968, -0.10474956035614014, -0.10520260035991669, -0.10732074081897736, -0.10950007289648056, -0.10869324207305908, -0.11362909525632858, -0.11260596662759781, -0.11427229642868042, -0.11688294261693954, -0.11403516680002213, -0.1144120991230011, -0.11032634973526001, -0.10723342001438141, -0.10240314155817032, -0.09778106957674026, -0.0909387394785881, -0.08383467048406601, -0.07779163867235184, -0.06782559305429459, -0.059510502964258194, -0.051989439874887466, -0.04171232879161835, -0.03446844965219498, -0.026541590690612793, -0.0186139065772295, -0.009137964807450771, -0.0010829115053638816, 0.00697721540927887, 0.018289973959326744, 0.023808550089597702, 0.03284965828061104, 0.041193291544914246, 0.04827433079481125, 0.05526993051171303, 0.0642261952161789, 0.06762152165174484, 0.06969603896141052, 0.07253636419773102, 0.07266713678836823, 0.07345195859670639, 0.07272853702306747, 0.0719134658575058, 0.06997796148061752, 0.06732302904129028, 0.06512580811977386, 0.06282798200845718, 0.06065625324845314, 0.05992959439754486, 0.058722976595163345, 0.059218909591436386, 0.057910021394491196, 0.05682371184229851, 0.055813826620578766, 0.054812416434288025, 0.05362305790185928, 0.052840471267700195, 0.04971533641219139, 0.047654710710048676, 0.042954716831445694, 0.03896501287817955, 0.035235825926065445, 0.03179115802049637, 0.029721328988671303, 0.026041636243462563, 0.025075644254684448, 0.021437600255012512, 0.018423961475491524, 0.016557173803448677, 0.014123336412012577, 0.012213867157697678, 0.009801948443055153, 0.006836130749434233, 0.004427218809723854, -0.00037964401417411864, -0.003216489451006055, -0.004911100957542658, -0.007464538794010878, -0.007315802853554487, -0.00808196235448122, -0.008667818270623684, -0.006280348636209965, -0.003188778879120946, 8.147085463861004e-05, 0.005739482119679451, 0.010028393007814884, 0.012418847531080246, 0.017107082530856133, 0.01872415840625763, 0.023712484166026115, 0.025698721408843994, 0.027954336255788803, 0.03148184344172478, 0.030636010691523552, 0.033384982496500015, 0.03465941548347473, 0.03670753166079521, 0.03941325098276138, 0.04149094223976135, 0.0428968220949173, 0.04481915757060051, 0.04610263928771019, 0.04758792743086815, 0.04821580648422241, 0.04958558827638626, 0.04746976122260094, 0.04635095223784447, 0.046855658292770386, 0.04267456755042076, 0.04322516545653343, 0.04298202320933342, 0.04090804234147072, 0.04070089012384415, 0.04056665301322937, 0.041852183640003204, 0.04123935103416443, 0.04279487580060959, 0.04561207816004753, 0.04475163668394089, 0.04701672121882439, 0.04718739166855812, 0.04586973786354065, 0.04814493656158447, 0.04379214346408844, 0.03941641002893448, 0.03827935829758644, 0.031125083565711975, 0.025584198534488678, 0.022567106410861015, 0.01682453788816929, 0.011880035512149334, 0.00977744534611702, 0.0037328097969293594, 0.0011664783814921975, -0.0035031174775213003, -0.008802603930234909, -0.01184562873095274, -0.01902926154434681, -0.022762775421142578, -0.030998408794403076, -0.032691989094018936, -0.04270346462726593, -0.04429074749350548, -0.04943494871258736, -0.05604181066155434, -0.05820070207118988, -0.06329166144132614, -0.06559363752603531, -0.07380901277065277, -0.07210733741521835, -0.07872786372900009, -0.07532951980829239, -0.08683525770902634, -0.08321322500705719, -0.08220396935939789, -0.09065079689025879, -0.0943552702665329, -0.09441468864679337, -0.09918590635061264, -0.10322315990924835, -0.10416139662265778, -0.11011120676994324, -0.10375718772411346, -0.11989022046327591, -0.10991670936346054, -0.11357539892196655, -0.11895319819450378, -0.11393723636865616, -0.11622065305709839, -0.11527016758918762, -0.12149640172719955, -0.11387323588132858, -0.11186838895082474, -0.11376757174730301, -0.11255946010351181, -0.10919473320245743, -0.1076258197426796, -0.10842011868953705, -0.10215342789888382, -0.09327838569879532, -0.08272402733564377, -0.07631342113018036, -0.06819476932287216, -0.05888102576136589, -0.04656797647476196, -0.033887576311826706, -0.025417137891054153, -0.013194330967962742, -0.005693665239959955, 0.0013285415479913354, 0.006589011754840612, 0.01644728146493435, 0.027958109974861145, 0.036106500774621964, 0.04966425523161888, 0.057700250297784805, 0.06849318742752075, 0.07233258336782455, 0.07783926278352737, 0.0837080255150795, 0.09093483537435532, 0.09786927700042725, 0.0956244096159935, 0.09885048866271973, 0.09640958160161972, 0.09399972856044769, 0.0948464646935463, 0.09332529455423355, 0.09417997300624847, 0.08852973580360413, 0.08727039396762848, 0.08207185566425323, 0.0775187611579895, 0.07035987824201584, 0.06498496979475021, 0.06086745485663414, 0.05579547584056854, 0.046803686767816544, 0.03692001476883888, 0.02680620178580284, 0.021039515733718872, 0.01569989323616028, 0.007955910637974739, 0.005051095504313707, -0.00490616774186492, -0.005738463718444109, -0.009488191455602646, -0.007711682468652725, -0.004120428580790758, -0.007842972874641418, -0.004871535114943981, -0.0052604456432163715, -0.005143757443875074, -0.012036853469908237, -0.011566255241632462, -0.011263243854045868, -0.01154277753084898, -0.011064114980399609, -0.01389725599437952, -0.017164478078484535, -0.016118068248033524, -0.013174466788768768, -0.012547406367957592, -0.003656041109934449, -0.002569188829511404, -0.0017703450284898281, 0.0011288834502920508, 0.00543323764577508, 0.00985442940145731, 0.016880765557289124, 0.017682533711194992, 0.015169434249401093, 0.023827912285923958, 0.040969714522361755, 0.053308069705963135, 0.06931888312101364, 0.08360563218593597, 0.09417027235031128, 0.10282392054796219, 0.10720831155776978, 0.10842318087816238, 0.10442985594272614, 0.10390083491802216, 0.09543455392122269, 0.08870072662830353, 0.07752209156751633, 0.06530550122261047, 0.06042036786675453, 0.05488875135779381, 0.04752592742443085, 0.04221715033054352, 0.033334944397211075, 0.02647695131599903, 0.01757998578250408, 0.011771283112466335, 0.008423884399235249, 0.0024858550168573856, 0.0037100184708833694, 0.0010104974498972297, 0.0019180071540176868, -0.0021334716584533453, -0.000860776926856488, 0.004338315222412348, 0.007314401678740978, 0.012632094323635101, 0.01244301162660122, 0.011076792143285275, 0.018128221854567528, 0.022768452763557434, 0.026066996157169342, 0.02738594450056553, 0.027658650651574135, 0.026020491495728493, 0.01729603484272957, 0.012273230589926243, -0.003085152246057987, -0.01068179402500391, -0.01995176263153553, -0.03196660801768303, -0.04051840677857399, -0.051495496183633804, -0.06743662059307098, -0.07704605907201767, -0.08577588200569153, -0.09581781923770905, -0.11367710679769516, -0.12958474457263947, -0.14294272661209106, -0.157414510846138, -0.16359423100948334, -0.16729295253753662, -0.1682342141866684, -0.17294257879257202, -0.16248580813407898, -0.15937505662441254, -0.14900268614292145, -0.13926559686660767, -0.12491767853498459, -0.11423264443874359, -0.11037517338991165, -0.10734757781028748, -0.1101851761341095, -0.11042867600917816, -0.10576649010181427, -0.097559355199337, -0.09950253367424011, -0.0995139330625534, -0.09421495348215103, -0.08473553508520126, -0.07011541724205017, -0.06332150846719742, -0.06374416500329971, -0.0635584220290184, -0.06652600318193436, -0.05928469076752663, -0.05607675015926361, -0.04797114059329033, -0.03781746327877045, -0.02090192772448063, -0.00019359789439477026, 0.0074356491677463055, 0.02794555574655533, 0.0386873222887516, 0.0542907789349556, 0.06199999526143074, 0.05763857439160347, 0.05053205415606499, 0.04017002135515213, 0.04251711443066597, 0.04347388446331024, 0.046884357929229736, 0.052276790142059326, 0.05121604725718498, 0.05229990929365158, 0.04785916209220886, 0.041620492935180664, 0.03399890661239624, 0.023259013891220093, 0.011194568127393723, 0.0007657950045540929, -0.010230988264083862, -0.01693079061806202, -0.017106691375374794, -0.01105415727943182, -0.0039142738096416, 0.006798718124628067, 0.013316385447978973, 0.019611595198512077, 0.023577865213155746, 0.02791343629360199, 0.033831607550382614, 0.0452701561152935, 0.0525084026157856, 0.05701965093612671, 0.0721801221370697, 0.07167697697877884, 0.08371621370315552, 0.08701158314943314, 0.09312374144792557, 0.09587618708610535, 0.09201440960168839, 0.09124531596899033, 0.07347457855939865, 0.06791731715202332, 0.05842972174286842, 0.04763185605406761, 0.04531582444906235, 0.030510714277625084, 0.027103759348392487, 0.016757646575570107, 0.013597323559224606, 0.011414390988647938, 0.0035968555603176355, 0.007850985042750835, 0.003175585763528943, 0.0018012924119830132, -0.0028767394833266735, -0.004763080272823572, 0.0068564098328351974, 0.012412508018314838, 0.0330134741961956, 0.042805276811122894, 0.04996790364384651, 0.0551714263856411, 0.056562330573797226, 0.06995083391666412, 0.07264156639575958, 0.07817930728197098, 0.08026207983493805, 0.07580862194299698, 0.07779768854379654, 0.07351981103420258, 0.07212653756141663, 0.07641509920358658, 0.07288266718387604, 0.07394254952669144, 0.059742581099271774, 0.05058969557285309, 0.03855518624186516, 0.02773994393646717, 0.02665754035115242, 0.011622946709394455, 0.007155656348913908, -0.004153070505708456, -0.010266912169754505, -0.011591869406402111, -0.018871361389756203, -0.01766940951347351, -0.023162497207522392, -0.027938270941376686, -0.025682589039206505, -0.032177139073610306, -0.023326478898525238, -0.01879054494202137, -0.016684941947460175, -0.018412848934531212, -0.025910282507538795, -0.02159014903008938, -0.019579611718654633, -0.009903605096042156, -0.006447151303291321, -0.010285506024956703, -0.014457241632044315, -0.02358643151819706, -0.02428002655506134, -0.0170633215457201, -0.018018480390310287, -0.014549565501511097, -0.029180360957980156, -0.04701338708400726, -0.0652594044804573, -0.08306460827589035, -0.07667004317045212, -0.08588503301143646, -0.08231133222579956, -0.09921282529830933, -0.122349314391613, -0.1308496743440628, -0.13703007996082306, -0.1382121443748474, -0.12445387989282608, -0.14386680722236633, -0.14440606534481049, -0.17191119492053986, -0.17006748914718628, -0.15170975029468536, -0.14509230852127075, -0.1200530156493187, -0.14258044958114624, -0.1406397670507431, -0.16025114059448242, -0.16006962954998016, -0.11963673681020737, -0.11764407902956009, -0.08622805774211884, -0.09608873724937439, -0.10503401607275009, -0.10254664719104767, -0.09199991822242737, -0.041668955236673355, -0.015019693411886692, 0.010914613492786884, 0.022008800879120827, 0.005833429284393787, 0.040461812168359756, 0.039366044104099274, 0.07995183020830154, 0.09512058645486832, 0.09912200272083282, 0.09988697618246078, 0.0751168429851532, 0.07254073768854141, 0.0647098571062088, 0.0728897973895073, 0.08039708435535431, 0.06339841336011887, 0.053564876317977905, 0.02755505032837391, 0.009771293960511684, 0.01091926172375679, -0.0042403582483530045, -0.003972841892391443, -0.019066518172621727, -0.02801104448735714, -0.032939378172159195, -0.032884109765291214, -0.02189687080681324, -0.012107151560485363, -0.0034996122121810913, 0.0004952913732267916, -0.0035614280495792627, 0.012242306023836136, 0.02475859969854355, 0.03858392685651779, 0.06488672643899918, 0.07466882467269897, 0.09086214751005173, 0.09576478600502014, 0.09877955168485641, 0.11387351900339127, 0.10854951292276382, 0.11971267312765121, 0.10907889157533646, 0.10713724046945572, 0.11223892122507095, 0.09603415429592133, 0.10767092555761337, 0.08945127576589584, 0.08100372552871704, 0.07283880561590195, 0.04742658883333206, 0.04795818403363228, 0.03186010196805, 0.03469650074839592, 0.025629432871937752, 0.017263879999518394, 0.017859235405921936, 0.003213019110262394, 0.01718505285680294, 0.02510952204465866, 0.03161059692502022, 0.046082817018032074, 0.04270966351032257, 0.05220571905374527, 0.056023240089416504, 0.06831225007772446, 0.08781074732542038, 0.08262119442224503, 0.09825508296489716, 0.09369884431362152, 0.10745764523744583, 0.10668625682592392, 0.10090409964323044, 0.10528049618005753, 0.09431484341621399, 0.09808585047721863, 0.09176971018314362, 0.08911950141191483, 0.08540025353431702, 0.06931010633707047, 0.06642276793718338, 0.05390205979347229, 0.04556867480278015, 0.04141068458557129, 0.02806476317346096, 0.02842528373003006, 0.016205206513404846, 0.0115446075797081, 0.005057038739323616, -0.003206077264621854, -0.006052067968994379, -0.011716620065271854, -0.014473305083811283, -0.015280085615813732, -0.023229777812957764, -0.021415062248706818, -0.028915157541632652, -0.02124415896832943, -0.018085358664393425, -0.01841050572693348, -0.013888061977922916, -0.021111369132995605, -0.022754807025194168, -0.023346954956650734, -0.02254430390894413, -0.017596540972590446, -0.013714324682950974, -0.01595468260347843, -0.01836581528186798, -0.0332077257335186, -0.04020148143172264, -0.05391149967908859, -0.061026785522699356, -0.06818898767232895, -0.08850500732660294, -0.08354538679122925, -0.09254772961139679, -0.09485907852649689, -0.11036666482686996, -0.1351507008075714, -0.13298185169696808, -0.15435294806957245, -0.14640246331691742, -0.16155201196670532, -0.1632002890110016, -0.14964640140533447, -0.162638321518898, -0.1414463073015213, -0.16312651336193085, -0.16287903487682343, -0.1489347219467163, -0.18160304427146912, -0.1414186805486679, -0.15424756705760956, -0.13362140953540802, -0.12134375423192978, -0.11820048093795776, -0.08698543906211853, -0.11785989999771118, -0.07891392707824707, -0.05901167169213295, -0.029832011088728905, 0.010192803107202053, -0.019569603726267815, 0.02438443712890148, 0.03946321830153465, 0.0628877803683281, 0.0930473729968071, 0.07772968709468842, 0.10495777428150177, 0.08727223426103592, 0.09504591673612595, 0.09296375513076782, 0.07160620391368866, 0.09463299810886383, 0.06022436544299126, 0.07517298310995102, 0.05594673752784729, 0.029174992814660072, 0.031771641224622726, 0.006261982023715973, 0.014510076493024826, -0.01413796842098236, -0.02052249386906624, -0.028141776099801064, -0.028745189309120178, -0.017691124230623245, -0.029565224424004555, -0.018299011513590813, -0.02277521789073944, -0.021869486197829247, -0.009676051326096058, -0.0041038659401237965, 0.015836894512176514, 0.026660621166229248, 0.045931391417980194, 0.06291884928941727, 0.06817389279603958, 0.07961256802082062, 0.08970919251441956, 0.108185775578022, 0.10718545317649841, 0.10518570989370346, 0.10669828951358795, 0.1112697422504425, 0.11804106831550598, 0.11617821455001831, 0.11231273412704468, 0.09913743287324905, 0.08905462175607681, 0.07864858955144882, 0.066256083548069, 0.05968548357486725, 0.0548381544649601, 0.04761239513754845, 0.040629468858242035, 0.03601440414786339, 0.02973194606602192, 0.02645113319158554, 0.029485100880265236, 0.03653329238295555, 0.037121813744306564, 0.04191258177161217, 0.04676195606589317, 0.057481516152620316, 0.06788259744644165, 0.07758565247058868, 0.08908861875534058, 0.0847451463341713, 0.09181790053844452, 0.0902937650680542, 0.10091352462768555, 0.10693758726119995, 0.10770753026008606, 0.10920452326536179, 0.10013202577829361, 0.10241109132766724, 0.09112956374883652, 0.08529701828956604, 0.08620347827672958, 0.07310067117214203, 0.07452309131622314, 0.06407562643289566, 0.056753359735012054, 0.056567635387182236, 0.04246589541435242, 0.038076918572187424, 0.03430244326591492, 0.024534326046705246, 0.014862202107906342, 0.011234859935939312, 0.003948103170841932, 0.0024849744513630867, 0.0004988500731997192, -0.004806624259799719, 0.0014624460600316525, -0.004233890678733587, -0.0039144051261246204, -0.007040726020932198, -0.004888211842626333, -0.01344264391809702, -0.015301336534321308, -0.01946057379245758, -0.017708154395222664, -0.014725539833307266, -0.021983958780765533, -0.022192051634192467, -0.03129052370786667, -0.04236629232764244, -0.0426982119679451, -0.06170019879937172, -0.05785519629716873, -0.06680440902709961, -0.08373922854661942, -0.08167003840208054, -0.09853492677211761, -0.09724793583154678, -0.11846848577260971, -0.1307545006275177, -0.14174558222293854, -0.1566062569618225, -0.15807200968265533, -0.17269554734230042, -0.16760340332984924, -0.1765555441379547, -0.1796184778213501, -0.1758408099412918, -0.17425881326198578, -0.17587776482105255, -0.17993241548538208, -0.16977636516094208, -0.1745414435863495, -0.16737604141235352, -0.14537231624126434, -0.14673040807247162, -0.13324140012264252, -0.14074794948101044, -0.1180959939956665, -0.09050899744033813, -0.07425957918167114, -0.03721750155091286, -0.02901667170226574, 0.004812704399228096, 0.030499113723635674, 0.052786365151405334, 0.078883595764637, 0.07581306993961334, 0.08268091827630997, 0.0750979632139206, 0.07916184514760971, 0.08561031520366669, 0.0845479741692543, 0.08664030581712723, 0.08414991199970245, 0.07726173847913742, 0.07177945226430893, 0.0586850680410862, 0.046016499400138855, 0.028245871886610985, 0.012985525652766228, -0.0035804833751171827, -0.016217412427067757, -0.02540028654038906, -0.021607747301459312, -0.020424775779247284, -0.01820741966366768, -0.022320270538330078, -0.018895693123340607, -0.01773194782435894, -0.022169791162014008, -0.016509680077433586, -0.009771540760993958, 0.006776177324354649, 0.0189350675791502, 0.033928949385881424, 0.046503450721502304, 0.06010561063885689, 0.08305812627077103, 0.08412612229585648, 0.09174393117427826, 0.08879497647285461, 0.08369231969118118, 0.09578300267457962, 0.10175771266222, 0.11535125970840454, 0.11540304124355316, 0.11338407546281815, 0.11239105463027954, 0.10843972116708755, 0.09756866097450256, 0.0865178182721138, 0.07552521675825119, 0.06725869327783585, 0.0569768063724041, 0.05099153146147728, 0.051109764724969864, 0.05267693102359772, 0.05423096567392349, 0.048244230449199677, 0.04912497475743294, 0.04360023885965347, 0.043166838586330414, 0.04727338254451752, 0.051447462290525436, 0.05426953732967377, 0.05031372234225273, 0.05853994935750961, 0.0640147253870964, 0.07543585449457169, 0.07875757664442062, 0.07672825455665588, 0.08152838796377182, 0.07529409974813461, 0.07712454348802567, 0.077109195291996, 0.08453238755464554, 0.08372914791107178, 0.0800551176071167, 0.07379908859729767, 0.0700531080365181, 0.07672318071126938, 0.06376321613788605, 0.06062611937522888, 0.05356639623641968, 0.044190164655447006, 0.04081728309392929, 0.033761292695999146, 0.02599988505244255, 0.019287964329123497, 0.014183989726006985, -0.0022650957107543945, 0.00135012564714998, -0.017541924491524696, -0.020414885133504868, -0.016755059361457825, -0.026412740349769592, -0.015568076632916927, -0.0433700829744339, -0.03900551423430443, -0.032378774136304855, -0.04204002767801285, -0.030672011896967888, -0.03911618888378143, -0.039370615035295486, -0.04036307334899902, -0.06174508109688759, -0.07493304461240768, -0.06573007255792618, -0.06883890926837921, -0.06734713166952133, -0.06953362375497818, -0.10480558127164841, -0.10698860883712769, -0.10981994867324829, -0.1127423569560051, -0.1006791740655899, -0.12703265249729156, -0.13730768859386444, -0.153871089220047, -0.1561937779188156, -0.1513635367155075, -0.15463685989379883, -0.14409205317497253, -0.14254999160766602, -0.1643902212381363, -0.1616942286491394, -0.1697133630514145, -0.16056746244430542, -0.15710586309432983, -0.17098774015903473, -0.15642015635967255, -0.1602543741464615, -0.14834021031856537, -0.13224713504314423, -0.11605119705200195, -0.11805766820907593, -0.09255196154117584, -0.08230751007795334, -0.06530722975730896, -0.0691738948225975, -0.07950130105018616, -0.034479763358831406, -0.026752620935440063, 0.009836606681346893, 0.007710324600338936, 0.018317101523280144, 0.060013461858034134, 0.07002981007099152, 0.08564144372940063, 0.08107629418373108, 0.0591711699962616, 0.05755568668246269, 0.052921831607818604, 0.058576811105012894, 0.049101781100034714, 0.03835500776767731, 0.031852345913648605, 0.025698397308588028, 0.023953961208462715, 0.014647242613136768, 0.002593320095911622, -0.006573617458343506, -0.009351100772619247, -0.023834282532334328, -0.03097357600927353, -0.04204536974430084, -0.03152279183268547, -0.024625079706311226, -0.02709805779159069, -0.016518032178282738, -0.015167622826993465, -0.004872709512710571, 0.001280800555832684, 0.006948208902031183, 0.009121485985815525, 0.014892488718032837, 0.03160052374005318, 0.043025534600019455, 0.0530146099627018, 0.06390023976564407, 0.07130715996026993, 0.07412777841091156, 0.07524053007364273, 0.07547078281641006, 0.07684656232595444, 0.0692804604768753, 0.06821122020483017, 0.06675688177347183, 0.06472606211900711, 0.0636054277420044, 0.05329078435897827, 0.05215950682759285, 0.04730964079499245, 0.0393570177257061, 0.034643854945898056, 0.0258479006588459, 0.027275139465928078, 0.020533522590994835, 0.01574505679309368, 0.01852116361260414, 0.015581995248794556, 0.02135912887752056, 0.023323753848671913, 0.02653757482767105, 0.030336186289787292, 0.017122000455856323, 0.018343733623623848, 0.02139809913933277, 0.02531955949962139, 0.025831514969468117, 0.03214334324002266, 0.04088028892874718, 0.03826967254281044, 0.04168134182691574, 0.032999396324157715, 0.04239591211080551, 0.03713994100689888, 0.032424528151750565, 0.03161832317709923, 0.02262897416949272, 0.029927408322691917, 0.03476715460419655, 0.02061784453690052, 0.002526558004319668, 0.000314122240524739, 0.011087090708315372, 0.01962686888873577, 0.008856561034917831, -0.0008709792164154351, -0.006528696045279503, -0.011935139074921608, -0.015590593218803406, -0.013147130608558655, -0.01729200966656208, -0.01742521859705448, -0.029393762350082397, -0.030873293057084084, -0.02043398842215538, -0.0226509477943182, -0.022346120327711105, -0.024997327476739883, -0.020514672622084618, -0.013443376868963242, -0.022068195044994354, -0.034202974289655685, -0.03372318670153618, -0.02681591734290123, -0.019059034064412117, -0.028293238952755928, -0.03142251446843147, -0.028965240344405174, -0.03345409780740738, -0.033174701035022736, -0.03388109430670738, -0.031224219128489494, -0.0342293456196785, -0.040851183235645294, -0.04599301517009735, -0.04476717486977577, -0.044188275933265686, -0.038938261568546295, -0.04118673875927925, -0.048023030161857605, -0.04543624445796013, -0.05244116857647896, -0.05064369738101959, -0.05630689486861229, -0.05295377969741821, -0.05015820637345314, -0.054894644767045975, -0.04847182705998421, -0.04977349936962128, -0.04277270287275314, -0.03680720552802086, -0.0375266931951046, -0.035223588347435, -0.03450934961438179, -0.03501328453421593, -0.03477362170815468, -0.03360983729362488, -0.029660893604159355, -0.021090714260935783, -0.02093750424683094, -0.018642248585820198, -0.018783001229166985, -0.010595857165753841, -0.010247056372463703, -0.008859870955348015, -0.008813356049358845, -0.017385995015501976, -0.01775963418185711, -0.01760454662144184, -0.016805531457066536, -0.014777527190744877, -0.017387373372912407, -0.01563507877290249, -0.016953129321336746, -0.0207887664437294, -0.016921784728765488, -0.02051938697695732, -0.020620830357074738, -0.017863033339381218, -0.019749760627746582, -0.01591976173222065, -0.01865113526582718, -0.01605832763016224, -0.011851889081299305, -0.009070743806660175, -0.0037264132406562567, -0.006472896784543991, -0.004301134962588549, -0.004977708216756582, -0.00037024408811703324, 0.004311436787247658, 0.008560842834413052, 0.015120841562747955, 0.01722807250916958, 0.015074271708726883, 0.014597387053072453, 0.018022511154413223, 0.01889464259147644, 0.023265844210982323, 0.01938173547387123, 0.02069775015115738, 0.014430842362344265, 0.01460422296077013, 0.01951361447572708, 0.01848994754254818, 0.017188629135489464, 0.014894912950694561, 0.013528045266866684, 0.0176167543977499, 0.01795201562345028, 0.010120196267962456, 0.008628017269074917, 0.00990970153361559, 0.014055687002837658, 0.015536590479314327, 0.01520631555467844, 0.016953008249402046, 0.0168471559882164, 0.018297936767339706, 0.015126305632293224, 0.02091548591852188, 0.022133586928248405, 0.01688370667397976, 0.020824875682592392, 0.030474640429019928, 0.030137769877910614, 0.02491937018930912, 0.02480228804051876, 0.02829575538635254, 0.028275135904550552, 0.019360221922397614, 0.02376559004187584, 0.022428767755627632, 0.01920780912041664, 0.022347325459122658, 0.016061315312981606, 0.014246958307921886, 0.01605025865137577, 0.016480226069688797, 0.020248396322131157, 0.01762615330517292, 0.005500586237758398, 0.004002174828201532, 0.00990329496562481, 0.012201719917356968, 0.010298625566065311, 0.0014636509586125612, 0.005474983248859644, 0.0035745592322200537, 0.005799348931759596, 0.014250044710934162, 0.006202577147632837, 0.0014440355589613318, 0.0012179372133687139, 0.004043725319206715, 0.005005907267332077, 0.0019870332907885313, 0.00039836077485233545, -0.003491689683869481, -0.0022629101295024157, 0.006497071124613285, 0.0008629982476122677, -0.006444534286856651, -0.004512088838964701, -0.002886619418859482, 0.0003888830542564392, -0.004479073453694582, -0.006933305878192186, -0.0034043435007333755, -0.006090293172746897, -0.0031255383510142565, -0.00427795946598053, -0.00800529308617115, -0.011271795257925987, -0.014528549276292324, -0.01046107616275549, -0.0033707059919834137, -0.007923536002635956, -0.012063134461641312, -0.01028380636125803, -0.006416315212845802, -0.001449835835956037, -0.0054188924841582775, -0.00273069622926414, -0.0019078798359259963, -0.0042332750745117664, -0.0005589959328062832, 0.0013880545739084482, -0.004841327201575041, -0.00010405108332633972, -0.00568220904096961, -0.007714572828263044, -0.01180665846914053, -0.009267959743738174, -0.012937159277498722, -0.01849634386599064, -0.005704311653971672, 0.01973423734307289, 0.07226075232028961, 0.052163638174533844, 0.025213710963726044, -0.04434860125184059, -0.05417997017502785, -0.019962752237915993, -0.044311944395303726, -0.04551161825656891, -0.05095195025205612, -0.053810298442840576, -0.00977308675646782, -0.0015649797860533, 0.0015844865702092648, -0.03741231933236122, -0.043095506727695465, -0.027949659153819084, 0.002791855251416564, -0.0032842375803738832, -0.02225520648062229, -0.053225621581077576, -0.03640463575720787, -0.007903656922280788, 0.0036173227708786726, 0.013491451740264893, 0.0038088688161224127, -0.00034632007009349763, 0.01957697607576847, 0.045803844928741455, 0.034894850105047226, 0.020339222624897957, -0.00933550950139761, 0.0009491841774433851, 0.01528564840555191, 0.030515678226947784, 0.027933435514569283, 0.010407178662717342, -0.003992961719632149, 0.012636557221412659, 0.0382479652762413, 0.04154844582080841, 0.030820617452263832, 0.022239139303565025, 0.018545521423220634, 0.0391308069229126, 0.03366605564951897, 0.019978117197752, 0.0024118341971188784, -0.003759969025850296, 0.012897709384560585, 0.035120148211717606, 0.04145711660385132, 0.03310573101043701, 0.028485530987381935, 0.02588677406311035, 0.043109748512506485, 0.0383283905684948, 0.029174931347370148, 0.011424746364355087, 0.024610238149762154, 0.028846872970461845, 0.043370168656110764, 0.03344964236021042, 0.03170740231871605, 0.025626519694924355, 0.03650267422199249, 0.04809853807091713, 0.05311236158013344, 0.056283216923475266, 0.039027925580739975, 0.022796282544732094, 0.021230297163128853, 0.037201400846242905, 0.045833803713321686, 0.04416528716683388, 0.028941744938492775, 0.04731227830052376, 0.02895955555140972, 0.039571281522512436, 0.050692085176706314, 0.047397200018167496, 0.06062805652618408, 0.04553956910967827, 0.027455344796180725, 0.005933014210313559, 0.004853953141719103, 0.01327272318303585, 0.002175264060497284, -0.0234694704413414, -0.009848338551819324, -0.004575044382363558, 0.0005921896663494408, 0.002360733225941658, 0.006116859614849091, -0.0120245311409235, -0.0155125567689538, 0.004645850043743849, -0.006514561828225851, 0.0044610886834561825, -0.028116783127188683, -0.016561074182391167, -0.012826713733375072, -0.011716105975210667, 0.0024725645780563354, -0.016275757923722267, -0.018420826643705368, -0.004848602693527937, 0.01060095801949501, 0.006275244057178497, -0.02308190055191517, -0.046417560428380966, -0.0429813526570797, -0.023224858567118645, -0.020888101309537888, -0.046799905598163605, -0.06343969702720642, -0.05641661584377289, -0.04601818323135376, -0.029916895553469658, -0.03546316921710968, -0.060458991676568985, -0.06779682636260986, -0.06120854616165161, -0.046896178275346756, -0.04064043611288071, -0.06277946382761002, -0.08298686891794205, -0.08569339662790298, -0.06133253872394562, -0.04092792794108391, -0.060867708176374435, -0.08397916704416275, -0.07839110493659973, -0.045793674886226654, -0.04367167875170708, -0.05544668063521385, -0.07837499678134918, -0.0781090259552002, -0.06695457547903061, -0.04652848839759827, -0.05810776725411415, -0.06553523987531662, -0.08168403804302216, -0.07133477181196213, -0.0447663813829422, -0.05774165689945221, -0.06137591600418091, -0.06335119903087616, -0.0426814891397953, -0.0224901232868433, -0.019382169470191002, -0.024637743830680847, -0.012961620464920998, 0.006760559044778347, 0.02741963602602482, 0.030742935836315155, 0.030896330252289772, 0.02722889743745327, 0.034745458513498306, 0.03997797146439552, 0.05157572403550148, 0.03648228570818901, 0.025769207626581192, 0.0340128168463707, 0.04060051962733269, 0.04390829801559448, 0.027012664824724197, 0.028474144637584686, 0.018741460517048836, 0.02564612403512001, 0.0265168696641922, 0.010157514363527298, 0.004951000213623047, 0.0060806130059063435, -0.003328329185023904, -0.011866564862430096, -0.010504940524697304, -0.010737843811511993, -0.016345134004950523, -0.01277182251214981, -0.0010715648531913757, 0.005104406736791134, 0.0008904889691621065, 0.009782013483345509, 0.02463572658598423, 0.025594979524612427, 0.03983108699321747, 0.037899721413850784, 0.041105665266513824, 0.04519220441579819, 0.049223460257053375, 0.05394366756081581, 0.057052768766880035, 0.06484023481607437, 0.06175793334841728, 0.07350633293390274, 0.07882901281118393, 0.08131755888462067, 0.08328904211521149, 0.07944725453853607, 0.08272810280323029, 0.07469922304153442, 0.07123257964849472, 0.06912689656019211, 0.06249646842479706, 0.06117182597517967, 0.05132867395877838, 0.054855093359947205, 0.05851010978221893, 0.059303488582372665, 0.05478213354945183, 0.052512027323246, 0.05756750702857971, 0.053046636283397675, 0.05020757019519806, 0.04685860872268677, 0.043329767882823944, 0.04150007292628288, 0.039397113025188446, 0.03964579850435257, 0.036837752908468246, 0.040771059691905975, 0.03685695305466652, 0.03523709997534752, 0.0360332615673542, 0.03789401426911354, 0.03662275895476341, 0.03444521501660347, 0.034213412553071976, 0.01950644515454769, 0.019263945519924164, 0.0278042983263731, 0.029826991260051727, 0.013103345409035683, -0.011971906758844852, -0.0052898721769452095, 0.018292412161827087, 0.009978078305721283, -0.012967735528945923, -0.032783474773168564, -0.017773155122995377, -0.008828528225421906, -0.026330094784498215, -0.03785086050629616, -0.04879934340715408, -0.051515255123376846, -0.05966145172715187, -0.06335495412349701, -0.05661581829190254, -0.06241713464260101, -0.07050251960754395, -0.06561637669801712, -0.05737832188606262, -0.05751665309071541, -0.0668514147400856, -0.07474556565284729, -0.07227279245853424, -0.06768067926168442, -0.07584132999181747, -0.08513513952493668, -0.0845317542552948, -0.07957500964403152, -0.08355633169412613, -0.09836766123771667, -0.09580420702695847, -0.09346727281808853, -0.0811186134815216, -0.0942576602101326, -0.10244987905025482, -0.09060303866863251, -0.09195488691329956, -0.08788596093654633, -0.09918513149023056, -0.0993151143193245, -0.10106441378593445, -0.09853411465883255, -0.10195446759462357, -0.098429836332798, -0.10239050537347794, -0.08404754102230072, -0.05042920634150505, -0.036631204187870026, -0.01996499113738537, -0.0055609638802707195, 0.0279610026627779, 0.053270794451236725, 0.06458383798599243, 0.06996183842420578, 0.06503767520189285, 0.07614470273256302, 0.0732574313879013, 0.0737570971250534, 0.07133307307958603, 0.0627240240573883, 0.0680675059556961, 0.0675726905465126, 0.0726182609796524, 0.06773366034030914, 0.06592533737421036, 0.06616722792387009, 0.05596413463354111, 0.042970478534698486, 0.024619601666927338, 0.012875568121671677, -0.005030208732932806, -0.017257407307624817, -0.02983664721250534, -0.03865358605980873, -0.037882886826992035, -0.03947146609425545, -0.025042032822966576, -0.018243655562400818, -0.0059192306362092495, 0.0011711426777765155, 0.009208445437252522, 0.023158764466643333, 0.029075011610984802, 0.03718579560518265, 0.038636062294244766, 0.04374602437019348, 0.0486537329852581, 0.05537131428718567, 0.06069840490818024, 0.06365429610013962, 0.07315476983785629, 0.07412298768758774, 0.08133309334516525, 0.08668491989374161, 0.08857913315296173, 0.08995562791824341, 0.08835538476705551, 0.08384811133146286, 0.07763566821813583, 0.07593420892953873, 0.07138944417238235, 0.0670255497097969, 0.05934157967567444, 0.05361143499612808, 0.050572726875543594, 0.050180867314338684, 0.04707765951752663, 0.047492895275354385, 0.04545675218105316, 0.0458214208483696, 0.04892983287572861, 0.04647423326969147, 0.04813256859779358, 0.05068695545196533, 0.04916021227836609, 0.0529453419148922, 0.054483622312545776, 0.05790698900818825, 0.059816908091306686, 0.060911376029253006, 0.06787215173244476, 0.06671904772520065, 0.06839513778686523, 0.0674879178404808, 0.06388618797063828, 0.062291469424963, 0.059274282306432724, 0.05589946731925011, 0.051575351506471634, 0.048508867621421814, 0.04298924282193184, 0.03836287558078766, 0.030518516898155212, 0.02539079077541828, 0.024740159511566162, 0.016396161168813705, 0.013074402697384357, 0.005002624820917845, -0.0007402708288282156, -0.00840833317488432, -0.014662914909422398, -0.0143386609852314, -0.02064824104309082, -0.025182895362377167, -0.0323924757540226, -0.03478551656007767, -0.0356939360499382, -0.037781815975904465, -0.0407075509428978, -0.04433486983180046, -0.04869495704770088, -0.053722478449344635, -0.055611688643693924, -0.056596789509058, -0.05411440134048462, -0.055619243532419205, -0.058675896376371384, -0.06823945045471191, -0.07372024655342102, -0.07094462215900421, -0.07064487040042877, -0.0753328800201416, -0.0873049721121788, -0.09381464868783951, -0.10210468620061874, -0.10361883789300919, -0.1062060222029686, -0.1157744824886322, -0.1139306053519249, -0.1292210966348648, -0.12646113336086273, -0.1211937889456749, -0.12110518664121628, -0.1124560609459877, -0.12128761410713196, -0.11579632014036179, -0.11722860485315323, -0.126609206199646, -0.11387334018945694, -0.12711085379123688, -0.13998697698116302, -0.13444046676158905, -0.12364596128463745, -0.09290318936109543, -0.07971914112567902, -0.045553095638751984, -0.009760034270584583, 0.02400575764477253, 0.06918270885944366, 0.09286894649267197, 0.12248402833938599, 0.13733483850955963, 0.13435353338718414, 0.13519667088985443, 0.12104513496160507, 0.11220672726631165, 0.09508653730154037, 0.07660336792469025, 0.0622422993183136, 0.05104214698076248, 0.04542035609483719, 0.04113203287124634, 0.03948192670941353, 0.03314945474267006, 0.0318516306579113, 0.015453285537660122, 0.005639286246150732, -0.006408600602298975, -0.0276175644248724, -0.04422672092914581, -0.06715298444032669, -0.07426803559064865, -0.07691814005374908, -0.07520151883363724, -0.07299628853797913, -0.06550052762031555, -0.04386031627655029, -0.027927184477448463, -0.004970252979546785, 0.017581908032298088, 0.036851752549409866, 0.05288025364279747, 0.05615437775850296, 0.06517010182142258, 0.07148762792348862, 0.07454989105463028, 0.07815555483102798, 0.07404713332653046, 0.07372862845659256, 0.07054167240858078, 0.07193035632371902, 0.07880719751119614, 0.08188684284687042, 0.08276154100894928, 0.0757204219698906, 0.06959889084100723, 0.0630817636847496, 0.05147156864404678, 0.042570024728775024, 0.030604414641857147, 0.014715123921632767, 0.0023959348909556866, -0.007315537426620722, -0.01187535747885704, -0.013403987511992455, -0.008625238202512264, -0.0019510091515257955, 0.003274198854342103, 0.010546877048909664, 0.023758089169859886, 0.03379640355706215, 0.041022710502147675, 0.04957764595746994, 0.05286756157875061, 0.06113552674651146, 0.06491010636091232, 0.06721404194831848, 0.06975480914115906, 0.07400567084550858, 0.07516521215438843, 0.0728900134563446, 0.07291152328252792, 0.0704377293586731, 0.07017529755830765, 0.06561285257339478, 0.06258890777826309, 0.052930526435375214, 0.04357291758060455, 0.03664392977952957, 0.027506237849593163, 0.02430018037557602, 0.01411975547671318, 0.00640869140625, 0.002595475409179926, -0.003985809627920389, -0.0034982620272785425, -0.007191249635070562, -0.010124430060386658, -0.011341923847794533, -0.01653102971613407, -0.01704735867679119, -0.02232828363776207, -0.024889228865504265, -0.024475088343024254, -0.02818661741912365, -0.026010733097791672, -0.026132283732295036, -0.0253702774643898, -0.02284454181790352, -0.025328218936920166, -0.02283361926674843, -0.028727099299430847, -0.03327583149075508, -0.03933587670326233, -0.0456974022090435, -0.051374875009059906, -0.06721913069486618, -0.07507035881280899, -0.08666504919528961, -0.09458847343921661, -0.1029612198472023, -0.11148779839277267, -0.11490603536367416, -0.12683998048305511, -0.13645298779010773, -0.13858412206172943, -0.1428651064634323, -0.1422901749610901, -0.14897772669792175, -0.1607515811920166, -0.16221269965171814, -0.16847483813762665, -0.16056105494499207, -0.16221073269844055, -0.15675659477710724, -0.15564583241939545, -0.16399618983268738, -0.15770100057125092, -0.15371325612068176, -0.13047097623348236, -0.09969700872898102, -0.07428289949893951, -0.04210600256919861, -0.017277458682656288, 0.01882466860115528, 0.0628771260380745, 0.09563100337982178, 0.1327177733182907, 0.14055535197257996, 0.14889942109584808, 0.14255614578723907, 0.13480786979198456, 0.12996335327625275, 0.10994046181440353, 0.09160476177930832, 0.060911182314157486, 0.039525356143713, 0.020349957048892975, 0.0056087663397192955, -0.0040158298797905445, -0.016764622181653976, -0.027770260348916054, -0.0388045534491539, -0.049112819135189056, -0.056362081319093704, -0.058182213455438614, -0.06259443610906601, -0.06986961513757706, -0.07584204524755478, -0.0817912295460701, -0.07762885838747025, -0.0695011243224144, -0.05604192614555359, -0.04096570611000061, -0.026669196784496307, -0.007050087675452232, 0.011479026637971401, 0.03505391255021095, 0.05458443984389305, 0.07783866673707962, 0.08922164887189865, 0.09327881783246994, 0.09764931350946426, 0.09568808227777481, 0.10283464193344116, 0.0931328609585762, 0.08569233119487762, 0.07692663371562958, 0.06314333528280258, 0.05969935283064842, 0.043336834758520126, 0.0480308011174202, 0.04001322388648987, 0.02713487297296524, 0.022593284025788307, 0.004252659622579813, 0.007351366803050041, -0.007524747867137194, -0.015669144690036774, -0.02163834124803543, -0.031986724585294724, -0.02694985456764698, -0.031503841280937195, -0.026561308652162552, -0.017077477648854256, -0.007675277069211006, 0.01093338243663311, 0.02692745067179203, 0.04246790334582329, 0.06584259867668152, 0.08172216266393661, 0.10220092535018921, 0.10932726413011551, 0.11664735525846481, 0.12325132638216019, 0.1164541020989418, 0.11790911108255386, 0.11036334186792374, 0.1030183807015419, 0.08924292027950287, 0.07019641995429993, 0.06151796877384186, 0.05175917223095894, 0.04615713655948639, 0.03578661009669304, 0.02668953686952591, 0.024706479161977768, 0.019337443634867668, 0.017842605710029602, 0.01616683416068554, 0.015013150870800018, 0.011919480748474598, 0.009432793594896793, 0.006428352557122707, 0.006765018217265606, 0.006166904233396053, 0.006031295284628868, 0.004716409835964441, 0.0037114338483661413, 0.006478025112301111, 0.004174770321696997, 0.0054275719448924065, 0.0035122164990752935, 0.00521191768348217, 0.006613625213503838, 0.004696113523095846, 0.00276205874979496, -0.0034935090225189924, -0.006413948722183704, -0.015102852135896683, -0.023442085832357407, -0.03087451122701168, -0.04061014577746391, -0.04786399379372597, -0.0612650066614151, -0.06552324444055557, -0.07304193824529648, -0.08022330701351166, -0.09013766050338745, -0.10479159653186798, -0.11321420222520828, -0.12331464141607285, -0.12670938670635223, -0.1364307999610901, -0.14607439935207367, -0.1516963690519333, -0.15723134577274323, -0.16000375151634216, -0.1607820689678192, -0.16377106308937073, -0.16349196434020996, -0.16427375376224518, -0.16208621859550476, -0.1496330350637436, -0.1457463949918747, -0.1338685154914856, -0.13791196048259735, -0.12728427350521088, -0.11431128531694412, -0.10335780680179596, -0.06352082639932632, -0.03793742135167122, 0.006593972910195589, 0.028974205255508423, 0.061635226011276245, 0.10629292577505112, 0.1327347606420517, 0.17553074657917023, 0.17821496725082397, 0.1865486353635788, 0.17327189445495605, 0.14702726900577545, 0.14078256487846375, 0.10877963900566101, 0.08368705213069916, 0.038228441029787064, 0.00554294278845191, -0.012344309128820896, -0.04284243658185005, -0.05128749459981918, -0.06589469313621521, -0.0675758495926857, -0.07110127061605453, -0.08043012768030167, -0.07107037305831909, -0.06870883703231812, -0.06067214533686638, -0.061073798686265945, -0.057656507939100266, -0.051334310322999954, -0.05249091237783432, -0.04118205979466438, -0.026686659082770348, -0.004802435636520386, 0.010219701565802097, 0.02455027587711811, 0.046286121010780334, 0.07055077701807022, 0.09601077437400818, 0.1115671917796135, 0.1275659054517746, 0.13466373085975647, 0.1302296370267868, 0.12572212517261505, 0.11778942495584488, 0.11198749393224716, 0.0966096967458725, 0.0715925320982933, 0.05048719421029091, 0.03005652129650116, 0.015065631829202175, 0.0015083425678312778, -0.006009491626173258, -0.01095635537058115, -0.024404749274253845, -0.031221352517604828, -0.03268803283572197, -0.029936401173472404, -0.026859872043132782, -0.0295171607285738, -0.02877839095890522, -0.025228016078472137, -0.023615173995494843, -0.015925521031022072, -0.005608940962702036, 0.010562545619904995, 0.025919338688254356, 0.04113779962062836, 0.059653256088495255, 0.07825951278209686, 0.1015964224934578, 0.11983250826597214, 0.14142362773418427, 0.15034696459770203, 0.15572084486484528, 0.15044252574443817, 0.139434352517128, 0.13306115567684174, 0.11716070026159286, 0.10428852587938309, 0.07307324558496475, 0.05239739641547203, 0.033177055418491364, 0.01604328118264675, 0.01079616229981184, 0.0009467704803682864, 0.0006418073317036033, -0.004325913265347481, -0.006957261357456446, 0.0014966606395319104, 0.007710742298513651, 0.018067659810185432, 0.015479893423616886, 0.01639869436621666, 0.01929330639541149, 0.01414997223764658, 0.01539264339953661, 0.013682819902896881, 0.012541886419057846, 0.010888835415244102, 0.00914603192359209, 0.007778671104460955, 0.012850690633058548, 0.017021415755152702, 0.021016867831349373, 0.02341710776090622, 0.023372720927000046, 0.019685382023453712, 0.014514981769025326, 0.011583621613681316, 0.0022379921283572912, -0.008284909650683403, -0.027305472642183304, -0.04539433494210243, -0.05777478963136673, -0.07233276218175888, -0.08220411837100983, -0.0949140191078186, -0.10032631456851959, -0.10721296072006226, -0.11545618623495102, -0.11902216821908951, -0.12396044284105301, -0.12154654413461685, -0.12872764468193054, -0.1276891976594925, -0.13134358823299408, -0.14107783138751984, -0.14119496941566467, -0.14742790162563324, -0.14224983751773834, -0.14702868461608887, -0.14946995675563812, -0.15081989765167236, -0.14929738640785217, -0.14156895875930786, -0.13447238504886627, -0.1247316226363182, -0.12132067233324051, -0.1194159984588623, -0.10991755872964859, -0.07849985361099243, -0.04596379026770592, -0.0037986570969223976, 0.022445660084486008, 0.04347718134522438, 0.07910063862800598, 0.12024163454771042, 0.16598409414291382, 0.18458795547485352, 0.19247178733348846, 0.18515652418136597, 0.17061173915863037, 0.1603321135044098, 0.13899046182632446, 0.12105540186166763, 0.07934480905532837, 0.030766988173127174, -0.0015859270934015512, -0.022886225953698158, -0.04112792760133743, -0.06480421870946884, -0.07559622079133987, -0.0836295560002327, -0.09146234393119812, -0.09830790013074875, -0.08945083618164062, -0.07606009393930435, -0.07174383103847504, -0.06920421868562698, -0.06114285811781883, -0.04656252637505531, -0.03863303363323212, -0.024667667225003242, -0.0054567791521549225, 0.016531309112906456, 0.031512632966041565, 0.04328625276684761, 0.06879710406064987, 0.09339079260826111, 0.11747238785028458, 0.1338745802640915, 0.1443854421377182, 0.14717522263526917, 0.14551588892936707, 0.1460629254579544, 0.13605272769927979, 0.12432733923196793, 0.10251691192388535, 0.07398872077465057, 0.046549685299396515, 0.0229335967451334, 0.0007191328913904727, -0.013829830102622509, -0.03327832743525505, -0.04899425804615021, -0.05720886215567589, -0.06277145445346832, -0.055701229721307755, -0.05201311036944389, -0.039732564240694046, -0.04190986230969429, -0.037202656269073486, -0.023939769715070724, -0.018983667716383934, -0.003120378591120243, 0.0037216991186141968, 0.017512088641524315, 0.0294383242726326, 0.03681454434990883, 0.06019807979464531, 0.08036771416664124, 0.10800818353891373, 0.12590473890304565, 0.14223310351371765, 0.1638321578502655, 0.16859032213687897, 0.1771964728832245, 0.18104948103427887, 0.1739727258682251, 0.15693160891532898, 0.12941233813762665, 0.10676456987857819, 0.08313603699207306, 0.059074971824884415, 0.03486916422843933, 0.013125999830663204, -0.0032649098429828882, -0.020317496731877327, -0.024658896028995514, -0.0206818375736475, -0.012900615110993385, -0.010798775590956211, -0.006593293976038694, 0.0009352058987133205, 0.007353937719017267, 0.01772184483706951, 0.01947821117937565, 0.026481404900550842, 0.021950190886855125, 0.01969188265502453, 0.018976664170622826, 0.018152063712477684, 0.026112020015716553, 0.02058235928416252, 0.026726165786385536, 0.03129735216498375, 0.03175576031208038, 0.03903326019644737, 0.04105796292424202, 0.04705996811389923, 0.04213399812579155, 0.03410988673567772, 0.026995940133929253, 0.016604198142886162, 0.003651091828942299, -0.01940086856484413, -0.03228336200118065, -0.046509578824043274, -0.069806307554245, -0.08689653873443604, -0.100886270403862, -0.10378091037273407, -0.10865101218223572, -0.1156650260090828, -0.12028210610151291, -0.12076245993375778, -0.11854677647352219, -0.12322760373353958, -0.11575738340616226, -0.12035258859395981, -0.11917003244161606, -0.1262628436088562, -0.13148470222949982, -0.12908942997455597, -0.13393302261829376, -0.12817786633968353, -0.14096452295780182, -0.13386400043964386, -0.1256255954504013, -0.1258230209350586, -0.10941722989082336, -0.10961390286684036, -0.0951961800456047, -0.10195201635360718, -0.1006462350487709, -0.06970009952783585, -0.038145411759614944, 0.002493090694770217, -0.0007042606011964381, 0.03050314448773861, 0.06521327793598175, 0.09834659099578857, 0.13914625346660614, 0.15686288475990295, 0.1769842505455017, 0.16221122443675995, 0.14780281484127045, 0.14100508391857147, 0.13610418140888214, 0.11192398518323898, 0.060602325946092606, 0.02724139578640461, -0.0044692084193229675, -0.03077860176563263, -0.05138862505555153, -0.05992436036467552, -0.0672735795378685, -0.08168058097362518, -0.09106630831956863, -0.09339696168899536, -0.07513318955898285, -0.06773107498884201, -0.06249676272273064, -0.05899938568472862, -0.05978819355368614, -0.057313378900289536, -0.047905515879392624, -0.02920049987733364, -0.01676304079592228, -0.007480501662939787, 0.005810175556689501, 0.016382215544581413, 0.03832939639687538, 0.06470847874879837, 0.0851835310459137, 0.10757798701524734, 0.10615906864404678, 0.11185124516487122, 0.11814552545547485, 0.11540710180997849, 0.1090843454003334, 0.093831367790699, 0.08252549171447754, 0.04947959631681442, 0.020680328831076622, 0.0012383960420265794, -0.018325624987483025, -0.028851376846432686, -0.05232170596718788, -0.06396710127592087, -0.06785898655653, -0.07062571495771408, -0.06977928429841995, -0.060766059905290604, -0.044453706592321396, -0.04627393186092377, -0.04281986877322197, -0.031281474977731705, -0.023953160271048546, -0.008154192008078098, -0.0033774490002542734, 0.00891580618917942, 0.02426399476826191, 0.027836015447974205, 0.04666624963283539, 0.06677103042602539, 0.09458858519792557, 0.105596624314785, 0.11858078092336655, 0.13706575334072113, 0.1450129598379135, 0.15832257270812988, 0.15237651765346527, 0.14629194140434265, 0.13669152557849884, 0.11473283171653748, 0.09193941205739975, 0.0709490031003952, 0.055457159876823425, 0.0292140394449234, 0.008522138930857182, -0.0052188062109053135, -0.017313050106167793, -0.018277205526828766, -0.01953304000198841, -0.014802337624132633, -0.011026330292224884, -0.007420109584927559, -0.0026402233634144068, 0.006840201560407877, 0.01351009402424097, 0.015534295700490475, 0.021340670064091682, 0.022142615169286728, 0.025479299947619438, 0.023559600114822388, 0.028006255626678467, 0.030190996825695038, 0.03657912090420723, 0.04023163393139839, 0.03804624080657959, 0.04695328697562218, 0.0454736091196537, 0.05009761080145836, 0.05060772970318794, 0.04848460480570793, 0.041579850018024445, 0.03102739155292511, 0.01962200179696083, 0.006112625356763601, -0.005208794493228197, -0.02664308436214924, -0.03708711266517639, -0.05339027941226959, -0.06578274816274643, -0.07829675823450089, -0.08888796716928482, -0.09040593355894089, -0.09954190254211426, -0.10695169121026993, -0.11526882648468018, -0.11495702713727951, -0.12079600244760513, -0.12547752261161804, -0.12747102975845337, -0.12850280106067657, -0.12922316789627075, -0.12264413386583328, -0.12741240859031677, -0.12731747329235077, -0.1160190999507904, -0.11498359590768814, -0.10563796758651733, -0.10316653549671173, -0.09668773412704468, -0.09595676511526108, -0.09886131435632706, -0.08821044862270355, -0.09759990125894547, -0.10193455219268799, -0.11438921093940735, -0.12047932296991348, -0.11120107769966125, -0.12548665702342987, -0.09992200881242752, -0.07036218792200089, -0.04693201184272766, -0.03543217107653618, -0.013320757076144218, 0.045414820313453674, 0.08953585475683212, 0.12188559025526047, 0.13071474432945251, 0.14376938343048096, 0.15592990815639496, 0.1450369656085968, 0.14025317132472992, 0.12518294155597687, 0.09176898002624512, 0.0510072186589241, 0.019885500892996788, -0.004137489479035139, -0.028878064826130867, -0.04719036817550659, -0.0644780769944191, -0.06893977522850037, -0.07729598879814148, -0.08023519814014435, -0.07449302822351456, -0.0600089393556118, -0.0564948134124279, -0.0607452429831028, -0.0581449419260025, -0.06311466544866562, -0.05645974725484848, -0.05569348856806755, -0.05325814709067345, -0.042924024164676666, -0.037334512919187546, -0.03016495518386364, -0.009432800114154816, 0.020681023597717285, 0.04298705607652664, 0.05952581763267517, 0.07941358536481857, 0.09454083442687988, 0.10066760331392288, 0.10062675178050995, 0.09856853634119034, 0.09411979466676712, 0.07280389219522476, 0.0443609282374382, 0.02494063787162304, 0.008399424143135548, -0.010031463578343391, -0.024767965078353882, -0.031799446791410446, -0.03880700841546059, -0.04499277472496033, -0.04147688299417496, -0.02774943597614765, -0.021958909928798676, -0.019575994461774826, -0.017459610477089882, -0.014059111475944519, -0.012788571417331696, -0.01976245455443859, -0.014741173945367336, -0.005423199385404587, -0.008988079614937305, -0.012070126831531525, -0.0029989350587129593, 0.022091396152973175, 0.04171230271458626, 0.05413461849093437, 0.0765376165509224, 0.09386468678712845, 0.10925694555044174, 0.12129997462034225, 0.13412217795848846, 0.14140425622463226, 0.13738611340522766, 0.12091454118490219, 0.10603955388069153, 0.09731835126876831, 0.08116528391838074, 0.06476680934429169, 0.04916398599743843, 0.0399378165602684, 0.02481532096862793, 0.015365970320999622, 0.015919174998998642, 0.022572774440050125, 0.02673894166946411, 0.020335901528596878, 0.025525161996483803, 0.02745865099132061, 0.025110425427556038, 0.023284737020730972, 0.03068731538951397, 0.02724393643438816, 0.017019106075167656, 0.017148004844784737, 0.0185032170265913, 0.02469426952302456, 0.02847154252231121, 0.03266390785574913, 0.04484792426228523, 0.05094994604587555, 0.048790693283081055, 0.056680869311094284, 0.06177303194999695, 0.061906758695840836, 0.04684280604124069, 0.039206504821777344, 0.031153099611401558, 0.016437413170933723, 0.005876772105693817, -0.008195740170776844, -0.017749818041920662, -0.03098391182720661, -0.043196387588977814, -0.04789396747946739, -0.0474889874458313, -0.04554096981883049, -0.05426214635372162, -0.05577928200364113, -0.06131478026509285, -0.06439200788736343, -0.06730494648218155, -0.080624520778656, -0.08121378719806671, -0.10265134274959564, -0.11413923650979996, -0.11928395181894302, -0.127689391374588, -0.12512917816638947, -0.1287655085325241, -0.1184573695063591, -0.12089976668357849, -0.11161891371011734, -0.09857767075300217, -0.09425700455904007, -0.08510695397853851, -0.08738742023706436, -0.08255020529031754, -0.09147370606660843, -0.09445971995592117, -0.09290846437215805, -0.10405150055885315, -0.11018318682909012, -0.12157388776540756, -0.11772129684686661, -0.12260159105062485, -0.12739144265651703, -0.09734901040792465, -0.06478150933980942, -0.036890480667352676, -0.020324019715189934, 0.0050440579652786255, 0.04999028518795967, 0.08149143308401108, 0.1087532714009285, 0.11798382550477982, 0.13019976019859314, 0.12710162997245789, 0.11058901995420456, 0.10498614609241486, 0.08653704077005386, 0.0683734118938446, 0.04606333747506142, 0.02224813960492611, 0.008334401994943619, -0.004423469305038452, -0.015101898461580276, -0.011484261602163315, -0.021173924207687378, -0.014821328222751617, -0.029790913686156273, -0.03605017066001892, -0.03264898434281349, -0.03919078782200813, -0.042121946811676025, -0.06389724463224411, -0.06270305067300797, -0.06909943372011185, -0.07044263929128647, -0.06555309891700745, -0.04918108880519867, -0.03231683000922203, -0.02553907036781311, -0.004230973776429892, 0.025125624611973763, 0.0421423465013504, 0.05790695548057556, 0.07041173428297043, 0.08214670419692993, 0.08454068005084991, 0.07319901883602142, 0.0775275006890297, 0.07361222058534622, 0.06003282591700554, 0.04258214682340622, 0.03492242470383644, 0.02685701660811901, 0.016987523064017296, 0.013547989539802074, 0.015380308963358402, 0.016372278332710266, 0.007086621597409248, 0.011840712279081345, 0.011250816285610199, 0.009180511347949505, 0.007994166575372219, 0.005295839626342058, 0.009652824141085148, -0.005031110253185034, -0.011694174259901047, -0.012849015183746815, -0.009136027656495571, -0.0025841020978987217, -0.0019896705634891987, 0.014435086399316788, 0.020680533722043037, 0.034781262278556824, 0.052371442317962646, 0.06424026936292648, 0.08373090624809265, 0.0851532518863678, 0.09376032650470734, 0.09554696083068848, 0.08980971574783325, 0.09636789560317993, 0.08488466590642929, 0.07826724648475647, 0.07376550883054733, 0.06641118973493576, 0.06291895359754562, 0.05600876733660698, 0.06158539280295372, 0.061945948749780655, 0.05416015908122063, 0.05203741788864136, 0.052692268043756485, 0.05003679171204567, 0.04160209372639656, 0.03393856808543205, 0.030488841235637665, 0.019021837040781975, 0.005796059966087341, -0.0008262908086180687, 3.9044301956892014e-05, -0.0038011660799384117, -0.004581596702337265, 0.0053751785308122635, 0.0075265709310770035, 0.017837869003415108, 0.023704396560788155, 0.03904429078102112, 0.04377147927880287, 0.04450695589184761, 0.04389364272356033, 0.039393674582242966, 0.037108976393938065, 0.023255692794919014, 0.020277967676520348, 0.00773581163957715, 0.00014733843272551894, -0.01570090278983116, -0.020756592974066734, -0.020131364464759827, -0.025783179327845573, -0.023341747000813484, -0.03489506617188454, -0.027773672714829445, -0.037799905985593796, -0.04282822832465172, -0.045043472200632095, -0.06027871370315552, -0.06385723501443863, -0.08446544408798218, -0.08937093615531921, -0.09665419906377792, -0.10371623188257217, -0.10449068993330002, -0.11287979036569595, -0.10343602299690247, -0.10225886851549149, -0.0962291732430458, -0.08735380321741104, -0.09338241070508957, -0.08410730212926865, -0.09073257446289062, -0.08671986311674118, -0.09091071784496307, -0.10060305148363113, -0.0931873470544815, -0.11241674423217773, -0.09615576267242432, -0.09782774746417999, -0.100889652967453, -0.08828558027744293, -0.09694933891296387, -0.08347897231578827, -0.09494807571172714, -0.08992919325828552, -0.06586147844791412, -0.06965545564889908, -0.055069390684366226, -0.06595517694950104, -0.039413534104824066, -0.009453065693378448, -0.002376991556957364, 0.0317450650036335, 0.03341791406273842, 0.05431412532925606, 0.06619109958410263, 0.07704292237758636, 0.09682226926088333, 0.08350824564695358, 0.08571480214595795, 0.07350680232048035, 0.06450073421001434, 0.06034264340996742, 0.04060763120651245, 0.0518038235604763, 0.02716330625116825, 0.016365498304367065, 0.014698847196996212, 0.0016620047390460968, 0.0025708144530653954, -0.009670081548392773, -0.00676279840990901, -0.014479446224868298, -0.031099634245038033, -0.03423258289694786, -0.034516602754592896, -0.04292308911681175, -0.04822478070855141, -0.04957864060997963, -0.03903742507100105, -0.0459345281124115, -0.042960528284311295, -0.023144762963056564, -0.012045452371239662, -0.0019963590893894434, 0.005571525078266859, 0.01991201378405094, 0.028079064562916756, 0.033821191638708115, 0.038736917078495026, 0.05222591385245323, 0.052763693034648895, 0.04935000091791153, 0.041266996413469315, 0.0444381907582283, 0.045705556869506836, 0.036593351513147354, 0.04198691248893738, 0.03443199023604393, 0.035946112126111984, 0.028326118364930153, 0.024487731978297234, 0.03615964949131012, 0.029313119128346443, 0.03147301450371742, 0.014005462639033794, 0.02140796184539795, 0.018366144970059395, 0.009802769869565964, 0.008895345032215118, 0.012508519925177097, 0.01872384361922741, 0.0045815883204340935, 0.012809470295906067, 0.026709025725722313, 0.03638928383588791, 0.02868836373090744, 0.04923897236585617, 0.050810374319553375, 0.056952837854623795, 0.045114174485206604, 0.06405796110630035, 0.06889399141073227, 0.05316760018467903, 0.05512890964746475, 0.04991404339671135, 0.06789613515138626, 0.038638029247522354, 0.05035941302776337, 0.05649293586611748, 0.05181369557976723, 0.0460248738527298, 0.04092920944094658, 0.06456207484006882, 0.04752655327320099, 0.04415345564484596, 0.0450730174779892, 0.0513705350458622, 0.03513467684388161, 0.02701512724161148, 0.02980637364089489, 0.02089473232626915, 0.020503437146544456, 0.006539636291563511, 0.015231274999678135, 0.004251608159393072, 0.00735952565446496, 0.013899017125368118, 0.013134604319930077, 0.014054781757295132, 0.012955844402313232, 0.02724880911409855, 0.014484941959381104, 0.01679493673145771, 0.016248276457190514, 0.005935186054557562, 0.005224745720624924, -0.011456537991762161, -0.002995058661326766, -0.019120419397950172, -0.01935439743101597, -0.020507246255874634, -0.024019401520490646, -0.02137695625424385, -0.03766351193189621, -0.019732454791665077, -0.028721259906888008, -0.030126146972179413, -0.03311220183968544, -0.03152312710881233, -0.03743160516023636, -0.05228353291749954, -0.05194870010018349, -0.05526961386203766, -0.0632023736834526, -0.07534553110599518, -0.06982910633087158, -0.07672397047281265, -0.07337760180234909, -0.07412292063236237, -0.06880785524845123, -0.06792721152305603, -0.06039288640022278, -0.061818044632673264, -0.05613556504249573, -0.06870140880346298, -0.0643240362405777, -0.060570668429136276, -0.07611418515443802, -0.06962373107671738, -0.08835427463054657, -0.07416121661663055, -0.08465134352445602, -0.08280891925096512, -0.07426956295967102, -0.06689681112766266, -0.06081428751349449, -0.056832071393728256, -0.049966853111982346, -0.04557657986879349, -0.036355987191200256, -0.029297398403286934, -0.023755788803100586, -0.03033033013343811, -0.0183651614934206, -0.026205794885754585, -0.018192287534475327, -0.011189128272235394, -0.011803500354290009, -0.005058408714830875, 0.009540151804685593, 0.014194740913808346, 0.016906293109059334, 0.043113965541124344, 0.04545494168996811, 0.06314850598573685, 0.06198766827583313, 0.0767156258225441, 0.06898529082536697, 0.06322935968637466, 0.07826774567365646, 0.05951445922255516, 0.05609529837965965, 0.03775539621710777, 0.04895560443401337, 0.02851274609565735, 0.024206798523664474, 0.020328782498836517, 0.012605015188455582, 0.018963096663355827, -0.007899478077888489, -0.0006955409771762788, -0.017643822357058525, -0.019468633458018303, -0.034392062574625015, -0.03779849782586098, -0.04066956788301468, -0.057811189442873, -0.05084609240293503, -0.053283512592315674, -0.0404384508728981, -0.04964727535843849, -0.034756820648908615, -0.023652246221899986, -0.022754298523068428, -0.015991607680916786, -0.009442857466638088, 0.0014849647413939238, -0.005528066772967577, 0.00400147307664156, 0.004557753913104534, 0.007502194959670305, 0.011767641641199589, 0.01772460527718067, 0.0218957606703043, 0.026258818805217743, 0.03656585514545441, 0.042058639228343964, 0.04658135771751404, 0.048334021121263504, 0.05721285566687584, 0.054524559527635574, 0.048349250108003616, 0.04598869010806084, 0.04717612639069557, 0.036940813064575195, 0.033888015896081924, 0.028460413217544556, 0.029471315443515778, 0.026483260095119476, 0.024381522089242935, 0.03127821907401085, 0.03101382590830326, 0.0324973426759243, 0.028951061889529228, 0.03579409793019295, 0.028914419934153557, 0.02894715964794159, 0.024772927165031433, 0.019159551709890366, 0.02035157009959221, 0.011547484435141087, 0.017018500715494156, 0.011190220713615417, 0.012440439313650131, 0.01809966377913952, 0.0175789725035429, 0.021298881620168686, 0.020799029618501663, 0.02828577347099781, 0.029024288058280945, 0.03028959035873413, 0.02953658439218998, 0.030921263620257378, 0.03190356865525246, 0.03248179331421852, 0.0330054797232151, 0.03386758640408516, 0.03524557128548622, 0.031185507774353027, 0.03658755496144295, 0.03586198389530182, 0.03433608636260033, 0.030657650902867317, 0.028499551117420197, 0.026230745017528534, 0.017456477507948875, 0.011388944461941719, 0.008934642188251019, 0.0008236182620748878, -0.00038055251934565604, -0.010037592612206936, -0.005904074292629957, -0.00852991733700037, -0.006335129961371422, -0.00013619875244330615, -0.0003076996945310384, 0.01011216826736927, 0.003483099164441228, 0.009602406062185764, 0.004619963467121124, 0.00328068807721138, -0.001448785769753158, -0.011569689959287643, -0.01566767506301403, -0.022147394716739655, -0.028389794752001762, -0.027881717309355736, -0.030972713604569435, -0.02969766966998577, -0.02697310782968998, -0.03087691403925419, -0.02400505729019642, -0.030181584879755974, -0.02577805519104004, -0.026862522587180138, -0.030773723497986794, -0.030930282548069954, -0.040433887392282486, -0.03586005046963692, -0.03699786216020584, -0.03512183204293251, -0.0340629406273365, -0.028964705765247345, -0.020888235419988632, -0.024587037041783333, -0.014523304998874664, -0.013086441904306412, -0.007967610843479633, -0.009055140428245068, -0.012807894498109818, -0.00978847872465849, -0.019120411947369576, -0.018901431933045387, -0.02313455380499363, -0.02014218270778656, -0.024067340418696404, -0.021696574985980988, -0.02108735777437687, -0.0216964278370142, -0.01618262007832527, -0.017332570627331734, -0.012086698785424232, -0.02198854461312294, -0.01765592209994793, -0.025532260537147522, -0.03170694783329964, -0.0353161096572876, -0.03701341152191162, -0.03650994226336479, -0.042221713811159134, -0.03487803414463997, -0.03457582741975784, -0.02664494328200817, -0.025831863284111023, -0.01563330739736557, -0.010327343828976154, -0.009767891839146614, -0.007115734741091728, -0.006055175326764584, -0.004820346366614103, -0.0066049848683178425, -0.006677258759737015, -0.005562121979892254, -0.0021028665360063314, -0.00623965123668313, -0.0007959651993587613, 0.001640227623283863, 0.0039087519980967045, 0.005145998205989599, 0.007722719106823206, 0.009750557132065296, 0.007252750918269157, 0.0069435108453035355, 0.004118248354643583, 0.0046529327519237995, 1.4887014003761578e-05, -0.0004537901550065726, -0.004539864137768745, -0.006000181194394827, -0.0057517425157129765, -0.007240776438266039, -0.006668433081358671, -0.008655021898448467, -0.0036567943170666695, -0.004935209173709154, -0.004669675137847662, -0.0043326751329004765, -0.0012329929741099477, 0.00021591520635411143, -0.0020141417626291513, 0.001975171035155654, 0.003561877878382802, 0.004300827160477638, 0.004971757531166077, 0.006730073597282171, 0.010520345531404018, 0.010313259437680244, 0.011506924405694008, 0.014312299899756908, 0.014524712227284908, 0.014917045831680298, 0.016363492235541344, 0.018662957474589348, 0.017882047221064568, 0.017516255378723145, 0.01914217881858349, 0.018517857417464256, 0.01668756641447544, 0.016539370641112328, 0.015629399567842484, 0.014606881886720657, 0.012601472437381744, 0.011694644577801228, 0.011030088178813457, 0.008753854781389236, 0.010952131822705269, 0.008244378492236137, 0.008166941814124584, 0.00987890176475048, 0.008576683700084686, 0.01051401812583208, 0.008137519471347332, 0.010791740380227566, 0.009458355605602264, 0.009385787881910801, 0.009485582821071148, 0.01009141094982624, 0.012463723309338093, 0.009759019128978252, 0.013060410507023335, 0.013658875599503517, 0.015839887782931328, 0.015718868002295494, 0.018071452155709267, 0.01944594457745552, 0.01929057389497757, 0.017971143126487732, 0.019687656313180923, 0.017535341903567314, 0.018979357555508614, 0.015605657361447811, 0.014109984040260315, 0.013754863291978836, 0.01117904856801033, 0.012652793899178505, 0.00811365433037281, 0.011591297574341297, 0.00659089395776391, 0.0077224611304700375, 0.00443265400826931, 0.00348395062610507, 0.0019666366279125214, -6.988026143517345e-05, -0.0005576502881012857, -0.00547785172238946, -0.0036806880962103605, -0.0070845806039869785, -0.00585537776350975, -0.006592594087123871, -0.005452025216072798, -0.005002814345061779, -0.0045656138099730015, -0.0015428869519382715, -0.002779386006295681, 0.0005600166623480618, -0.0007817975129000843, 0.00014146130706649274, 0.00025965957320295274, -0.0014843737008050084, 0.0018168172100558877, -0.0010805877391248941, 0.0014807491097599268, 0.0013086935505270958, 0.0025957145262509584, 0.004158725030720234, 0.002593955025076866, 0.0051658013835549355, 0.0027748048305511475, 0.0042254007421433926, 0.0010795274283736944, -0.00038225037860684097, -0.0016779218567535281, -0.00481732003390789, -0.005452027078717947, -0.007797828409820795, -0.0060746860690414906, -0.008221513591706753, -0.007122185546904802, -0.006717274896800518, -0.00494897598400712, -0.004607588518410921, -0.005388725083321333, -0.004649477079510689, -0.005118288099765778, -0.0035729946102946997, -0.00662841834127903, -0.004022792913019657, -0.0038860496133565903, -0.0025263549759984016, -0.0005861311801709235, 0.000286536174826324, 0.004228910431265831, 0.005796574056148529, 0.007618668023496866, 0.00947113148868084, 0.010630103759467602, 0.011335575021803379, 0.010804183781147003, 0.011363431811332703, 0.011080955155193806, 0.01019225362688303, 0.009009196422994137, 0.010466385632753372, 0.010403349995613098, 0.010462915524840355, 0.009939698502421379, 0.012061836197972298, 0.011424013413488865, 0.010923158377408981, 0.010480903089046478, 0.009300719015300274, 0.010097487829625607, 0.005101713351905346, 0.0072985864244401455, 0.0045808772556483746, 0.004436220042407513, 0.0037436652928590775, 0.004158074967563152, 0.005874196533113718, 0.004662105813622475, 0.008320753462612629, 0.007614740636199713, 0.00993675459176302, 0.008503437042236328, 0.008967142552137375, 0.01004139892756939, 0.007521140854805708, 0.007932154461741447, 0.006503211334347725, 0.007914869114756584, 0.006244258489459753, 0.006298195570707321, 0.008081275969743729, 0.0073367152363061905, 0.008722721599042416, 0.008740023709833622, 0.010024843737483025, 0.00895062368363142, 0.00871861819177866, 0.00891101360321045, 0.007738943677395582, 0.007510088384151459, 0.005437253043055534, 0.005951818078756332, 0.005182015243917704, 0.0042638168670237064, 0.00489692622795701, 0.0049364930018782616, 0.006573009770363569, 0.004372676368802786, 0.005941216368228197, 0.00637969421222806, 0.0056894621811807156, 0.00630346080288291, 0.004916512873023748, 0.008336092345416546, 0.004937589634209871, 0.0072693550027906895, 0.00628981739282608, 0.0063715847209095955, 0.006920684594660997, 0.006028520409017801, 0.007576266769319773, 0.005620211828500032, 0.007596734445542097, 0.00561797060072422, 0.006064882036298513, 0.005990161560475826, 0.005502432584762573, 0.006275756750255823, 0.0045288605615496635, 0.005328965373337269, 0.0052084666676819324, 0.004151581786572933, 0.004753846675157547, 0.004763676319271326, 0.005076603498309851, 0.004095808602869511, 0.0049964613281190395, 0.005843180697411299, 0.004692715127021074, 0.0055777872912585735, 0.005871769972145557, 0.0070182583294808865, 0.006752958986908197, 0.006446487735956907, 0.006860235705971718, 0.007347629871219397, 0.0056439549662172794, 0.007185830269008875, 0.006761627271771431, 0.006217101588845253, 0.005730918142944574, 0.005042208358645439, 0.0062437779270112514, 0.003737538354471326, 0.0043664067052304745, 0.0040185474790632725, 0.003588043851777911, 0.002296351594850421, 0.0031799289863556623, 0.0019404850900173187, 0.002420336939394474, 0.0014855914050713181, 0.0011293605202808976, 0.0009820363484323025, -0.0005528760957531631, -0.00012518823496066034, -0.0015695488546043634, -0.0007319087744690478, -0.0014678481966257095, -0.0021840324625372887, -0.0027994802221655846, -0.002070753602311015, -0.0023443473037332296, -0.003136381274089217, -0.0023182090371847153, -0.0026085046119987965, -0.0028172568418085575, -0.0037269650492817163, -0.003285721642896533, -0.004115335177630186, -0.004588720854371786, -0.0053289602510631084, -0.004301195498555899, -0.005184084177017212, -0.005425117909908295, -0.0044145225547254086, -0.005504012107849121, -0.004270703997462988, -0.0051234932616353035, -0.004552184138447046, -0.00469549186527729, -0.005300450138747692, -0.005108915735036135, -0.005286067724227905, -0.00490768626332283, -0.006244190037250519, -0.00399617338553071, -0.004357688128948212, -0.004181104712188244, -0.0028843767940998077, -0.0018810880137607455, -0.0006269255536608398, -0.0008067044545896351, -2.212462277384475e-05, 0.0006966902874410152, 0.0008507483289577067, -0.0005229670205153525, 0.0010255738161504269, -8.576087566325441e-05, -0.0010931858560070395, -0.0008247294463217258, -0.001004197751171887, -0.001025663805194199, -0.0025675478391349316, -0.0014787624822929502, -0.0015848175389692187, -0.001936462358571589, -0.0021836599335074425, -0.002117275958880782, -0.001939568086527288, -0.00273921899497509, -0.0037854518741369247, -0.004240511916577816, -0.004761660471558571, -0.004948165267705917, -0.005914336536079645, -0.0062125022523105145, -0.006575406529009342, -0.006526379846036434, -0.006775267887860537, -0.006278275046497583, -0.006196130067110062, -0.005797459743916988, -0.00464995950460434, -0.004974385257810354, -0.004677499644458294, -0.004256378393620253, -0.0037626856938004494, -0.004717359319329262, -0.0036318227648735046, -0.0029845971148461103, -0.0037101672496646643, -0.003413246478885412, -0.002236922737210989, -0.002001423854380846, -0.003078355686739087, -0.0027512877713888884, -0.002585800364613533, -0.0023157710675150156, -0.0033496241085231304, -0.0029676021076738834, -0.0032381454948335886, -0.004048230592161417, -0.004323470871895552, -0.0044059972278773785, -0.005224571097642183, -0.005489460192620754, -0.006155078765004873, -0.006056544836610556, -0.006146550644189119, -0.006533589214086533, -0.006022303365170956, -0.0065061114728450775, -0.006325732450932264, -0.006546084303408861, -0.005478305742144585, -0.00642838841304183, -0.005285958293825388, -0.004737796727567911, -0.004546383395791054, -0.003675594227388501, -0.0036308513954281807, -0.002535982057452202, -0.0023768898099660873, -0.0013806119095534086, -0.0016215462237596512, -0.00014180671132635325, -0.0011071405606344342, -3.0429373509832658e-05, 0.000486495642689988, -2.2788652131566778e-05, 0.0010454922448843718, -5.920262083236594e-06, 0.0016083187656477094, 0.0006332125631161034, 0.0005983609589748085, 0.0007899560150690377, 0.0008316608145833015, 0.0017169996863231063, 0.0006999608594924212, 0.0014825485413894057, 0.0012923277681693435, 0.001218457822687924, 0.0006197283510118723, 0.0011231516255065799, 0.0018387987511232495, 0.001592835527844727, 0.0014833015156909823, 0.0015592987183481455, 0.0019637623336166143, 0.001545012230053544, 0.0017496728105470538, 0.001128512085415423, 0.0009913448011502624, 0.0008354528690688312, 0.0007552832830697298, 3.259140066802502e-05, -0.0005625348421745002, -0.00024364246928598732, -0.0005631515523418784, -0.0015579775208607316, -0.0015248148702085018, -0.0012260805815458298, -0.0018532058456912637, -0.001879440271295607, -0.002005236456170678, -0.0016287785256281495, -0.002610950730741024, -0.0025507723912596703, -0.0026854258030653, -0.0023365775123238564, -0.0029490788001567125, -0.003106270916759968, -0.002474620006978512, -0.0031902743503451347, -0.002970488043501973, -0.0040007238276302814, -0.0024978083092719316, -0.003205466317012906, -0.003776990110054612, -0.0036286984104663134, -0.003127578878775239, -0.003845365485176444, -0.0041873641312122345, -0.0035565688740462065, -0.0037439449224621058, -0.004382708575576544, -0.005326995626091957, -0.004108530003577471, -0.004849969409406185, -0.00478597916662693, -0.005245525389909744, -0.005418183282017708, -0.005425997544080019, -0.005892624147236347, -0.005641966592520475, -0.0054781450890004635, -0.0053323968313634396, -0.005060622468590736, -0.0037348512560129166, -0.0038084324914962053, -0.003745957277715206, -0.00351059902459383, -0.0025787779595702887, -0.001569726038724184, -0.0014448160072788596, -0.0004984059487469494, -0.00032451580045744777, 0.00015147561498451978, 0.0009249637369066477, 0.00040447854553349316, 0.0014229555381461978, 0.0017408229177817702, 0.0014253362314775586, 0.0018279142677783966, 0.001071204082109034, 0.0011071083135902882, 0.0005977084510959685, 0.0005035983049310744, 0.0003644443640951067, -0.0007754413527436554, -0.0006675830809399486, -0.001425876864232123, -0.001827132306061685, -0.0027391209732741117, -0.0029313163831830025, -0.002827300224453211, -0.003109279554337263, -0.0028052078559994698, -0.0030068201012909412, -0.0020740388426929712, -0.001966028241440654, -0.0024808808229863644, -0.0011149978963658214, -0.001727830502204597, 8.060815162025392e-05, 0.00034759033587761223, 0.0006021143053658307, 0.0013843977358192205, 0.0013788725482299924, 0.0014885410200804472, 0.001757078687660396, 0.0016960552893579006, 0.0011198170250281692, 0.0011567015899345279, 0.001278649433515966, 0.000469392427476123, 0.00018251569417770952, -0.0009833084186539054, -0.0005102372379042208, -0.0012888602213934064, -0.0027236719615757465, -0.0020782954525202513, -0.001686864998191595, -0.0016650359611958265, -0.0031530936248600483, -0.0031595779582858086, -0.002771403407678008, -0.0033850781619548798, -0.004119419492781162, -0.0029872620943933725, -0.0035816647578030825, -0.0034365837927907705, -0.003147510811686516, -0.0024307554122060537, -0.0015527079813182354, -0.001244408660568297, -0.0001715675025479868, 0.0006543546915054321, 0.0010397800942882895, 0.0012286760611459613, 0.002423701575025916, 0.0022385541815310717, 0.0023370678536593914, 0.002575030317530036, 0.002344217849895358, 0.0021245128009468317, 0.0014238604344427586, 0.0011019821977242827, 0.0003157684113830328, 0.00018344787531532347, 0.000511114951223135, -4.417072341311723e-05, -0.0004920553765259683, -0.00011589813948376104, -2.5812731109908782e-05, -0.0003584364312700927, -0.0013724337331950665, -0.0009872728260233998, -0.0014523571589961648, -0.001362761133350432, -0.0020348522812128067, -0.0009078793809749186, -0.0005115709500387311, -0.0006924782646819949, 0.001107252319343388, 0.00012970881653018296, 0.0015776921063661575, 0.00041973174666054547, 0.0013345323968678713, 0.0018636933527886868, 0.0012714327313005924, 0.002365914871916175, 0.0016298285918310285, 0.002055916003882885, 0.0010526584228500724, 0.0009889117209240794, 0.0011851759627461433, 0.0007058980991132557, 0.0006071031093597412, 0.0004930116701871157, 0.00044361897744238377, 4.168637315160595e-05, -0.00012298159708734602, -0.0006205490790307522, -0.000917915953323245, -0.0014294490683823824, -0.0018937446875497699, -0.0014145744498819113, -0.0018190485425293446, -0.0027283572126179934, -0.0026273115072399378, -0.002463820157572627, -0.0025080472696572542, -0.002274699741974473, -0.0018748240545392036, -0.0013334774412214756, -0.0009669224382378161, -0.0006572260172106326, 6.938038131920621e-05, -0.0006638319464400411, -0.00035701075103133917, -0.0002530342899262905, -0.0004384180065244436, 0.0001436741295037791, -0.00014803676458541304, 0.00011529785842867568, -0.000644886284135282, -0.0010309069184586406, -0.0006040591397322714, -0.002139897784218192, -0.001937586348503828, -0.0020953502971678972, -0.0027375624049454927, -0.0033244816586375237, -0.004162920173257589, -0.004554241430014372, -0.005808333400636911, -0.0059763346798717976, -0.0060694897547364235, -0.0060542188584804535, -0.005929493810981512, -0.0048670400865375996, -0.004686211235821247, -0.004332938697189093, -0.0032508624717593193, -0.003498317440971732, -0.0023856370244175196, -0.002709705149754882, -0.001829746295697987, -0.0019955625757575035, -0.0022226637229323387, -0.0017062468687072396, -0.0010952830780297518, -0.0004476906033232808, -0.0006925261695869267, -0.0002376573975197971, -0.0002970752539113164, 0.00015646008250769228, -0.0006021059234626591, -0.0006785100558772683, -0.0005861181416548789, -0.0006938459118828177, -0.0011132124345749617, -0.0016979892970994115, -0.0011273915879428387, -0.002793499268591404, -0.0032607577741146088, -0.002823885763064027, -0.00337943434715271, -0.0036641908809542656, -0.003683352842926979, -0.0035228636115789413, -0.002913526725023985, -0.0023100310936570168, -0.00378828844986856, -0.001978706568479538, -0.003288541454821825, -0.003668376011773944, -0.003438921645283699, -0.003765892470255494, -0.0013081184588372707, -0.002888316521421075, -0.0027096415869891644, -0.001870970125310123, -0.001672824495472014, -0.0027250656858086586, -0.002821204252541065, -0.0025061704218387604, -0.0028097887989133596, -0.0029452648013830185, -0.0030125565826892853, -0.002166170161217451, -0.0019741575233638287, -0.002466307720169425, -0.0029891945887356997, -0.0030822569970041513, -0.0037109071854501963, -0.003238712204620242, -0.002936845412477851, -0.0032420800998806953, -0.00409326096996665, -0.005051375366747379, -0.0039061596617102623, -0.004491517785936594, -0.005344098899513483, -0.004515747539699078, -0.00323751219548285, -0.0028943223878741264, -0.002539433538913727, -0.002730987500399351, -0.0023324114736169577, -0.0031280354596674442, -0.00220609363168478, -0.0020125280134379864, -0.0015354265924543142, -0.0020000371150672436, -0.002435911912471056, -0.001497351797297597, -0.0019332440569996834, -0.0020256226416677237, -0.001526862382888794, -0.0027348781004548073, -0.00398809602484107, -0.003645757446065545, -0.0047685313038527966, -0.004090096335858107, -0.004845726769417524, -0.005006675608456135, -0.004292501602321863, -0.004268100950866938, -0.0035827606916427612, -0.0039010934997349977, -0.004204700700938702, -0.004105750937014818, -0.0022527221590280533, -0.0037738315295428038, -0.00351260625757277, -0.004323444329202175, -0.0028206296265125275, -0.0029585666488856077, -0.003413330065086484, -0.0035632869694381952, -0.0033893012441694736, -0.0039056127425283194, -0.004074288997799158, -0.0042199562303721905, -0.00496741384267807, -0.004421934485435486, -0.0047976295463740826, -0.004228068515658379, -0.004011194687336683, -0.003478430910035968, -0.0028870301321148872, -0.003403672017157078, -0.003316203597933054, -0.0025099546182900667, -0.002982228295877576, -0.004029214847832918, -0.0029117115773260593, -0.00289579457603395, -0.002730634994804859, -0.0030088508501648903, -0.0032174482475966215, -0.002756553003564477, -0.003030481282621622, -0.003083178075030446, -0.002643628977239132, -0.002465511905029416, -0.002509203040972352, -0.002627831883728504, -0.0028470465913414955, -0.0037667909637093544, -0.003768511116504669, -0.004068279173225164, -0.004068696405738592, -0.004348250571638346, -0.004578578285872936, -0.003442890476435423, -0.004814684856683016, -0.0041938177309930325, -0.0041580540128052235, -0.004949744325131178, -0.004482307471334934, -0.0047096493653953075, -0.004132881294935942, -0.005020996555685997, -0.0049375672824680805, -0.003856446361169219, -0.004778677131980658, -0.002902486128732562, -0.004042424261569977, -0.0032840371131896973, -0.00360847101546824, -0.004201875999569893, -0.0031130898278206587, -0.003896879032254219, -0.0037964729126542807, -0.004088839050382376, -0.004653108771890402, -0.00445910869166255, -0.0047491989098489285, -0.004080769140273333, -0.004250064492225647, -0.0036653352435678244, -0.004844196606427431, -0.005840003024786711, -0.004784263204783201, -0.005621535237878561, -0.004272328689694405, -0.005475106183439493, -0.005165495444089174, -0.003656512824818492, -0.0036777176428586245, -0.003025311976671219, -0.002580952597782016, -0.0020741259213536978, -0.00210838345810771, -0.002536239568144083, -0.0028082639910280704, -0.0026507785078138113, -0.0020507003646343946, -0.0022677152883261442, -0.0011440864764153957, -0.0012751464964821935, -0.0012047108029946685, -0.0007984851254150271, -0.0009677194175310433, -0.001993945799767971, -0.0014295740984380245, -0.0015333350747823715, -0.0019080066122114658, -0.0012763252016156912, -0.0019300030544400215, -0.0011627223575487733, -0.001981346169486642, -0.0012924829497933388, -0.001346059376373887, -0.001001622062176466, -0.0007362832548096776, -0.0008011208847165108, 0.00030678778421133757, -0.0002906734007410705, -0.0006613563746213913, -0.00039665630902163684, -0.0003822845173999667, -0.0010302498703822494, -0.0012396109523251653, -0.0006362099666148424, -0.0008555382373742759, -0.00044997327495366335, -0.0003201061917934567, -0.00022843402985017747, 0.0002492143539711833, 0.0006957543664611876, -1.4336157619254664e-05, -0.0004378980665933341, -0.000562296190764755, 1.0927519724646118e-05, 0.0008658096194267273, 0.0008124954765662551, 0.000989508698694408, 0.0008349621784873307, 0.0017259195446968079, 0.0010433674324303865, -0.00012503286416176707, 0.0005143295857124031, 0.0009559520403854549, 0.0006123011116869748, 0.0010583712719380856, 0.0015351787442341447, 0.001939053530804813, 0.00040329640614800155, 0.0004919906496070325, 0.001452399417757988, 0.0012122670887038112, 0.0001661497663008049, 0.0008156272815540433, 0.0008806207333691418, 0.001404534443281591, 0.001181436819024384, 0.002042882377281785, 0.0012238356284797192, 0.0009987446246668696, 0.0022870528046041727, 0.002057307166978717, 0.002323735971003771, 0.0024189085233956575, 0.00155428156722337, 0.0020695924758911133, 0.002426914172247052, 0.002054405864328146, 0.0020898068323731422, 0.004534861538559198, 0.005447548348456621, 0.002894351026043296, 0.002430796856060624, 0.0026774504221975803, 0.002645199652761221, 0.0022422540932893753, 0.0029277270659804344, 0.0033423947170376778, 0.003160719759762287, 0.0035387035459280014, 0.0045804232358932495, 0.003451915457844734, 0.005033540539443493, 0.004056350793689489, 0.004407305270433426, 0.004092137794941664, 0.004835180472582579, 0.004924338310956955, 0.0043155536986887455, 0.004498931113630533, 0.00518803671002388, 0.0048378542996943, 0.005785312503576279, 0.005946222692728043, 0.0052917287684977055, 0.005617207381874323, 0.006173080299049616, 0.0045770336873829365, 0.004846946801990271, 0.004365893546491861, 0.002647736808285117, 0.0024693317245692015, 0.002161781070753932, 0.0025404917541891336, 0.003978055436164141, 0.0027411209885030985, 0.003418220207095146, 0.00383055885322392, 0.002762501360848546, 0.0025756265968084335, 0.002596162026748061, 0.0032815849408507347, 0.0037703413981944323, 0.0032452906016260386, 0.004306760150939226, 0.004536646883934736, 0.004065758548676968, 0.0035519509110599756, 0.0029391644056886435, 0.0022917799651622772, 0.004326334223151207, 0.0024272147566080093, 0.0028278327081352472, 0.0033636647276580334, 0.00402032257989049, 0.004172333981841803, 0.0041607036255300045, 0.004051755182445049, 0.003952585626393557, 0.005949000362306833, 0.0036450496409088373, 0.0036677150055766106, 0.003915421199053526, 0.004204993601888418, 0.004603266250342131, 0.003146821865811944, 0.004001744091510773, 0.0033580241724848747, 0.003662639297544956, 0.003957450855523348, 0.004356045741587877, 0.005753396078944206, 0.004342823289334774, 0.004557452630251646, 0.00505097396671772, 0.003317977301776409, 0.004021089058369398, 0.0032030632719397545, 0.0026885184925049543, 0.0033732133451849222, 0.005502807442098856, 0.004769004415720701, 0.0039234161376953125, 0.005363231059163809, 0.00446999492123723, 0.0039765783585608006, 0.003911233507096767, 0.003939414396882057, 0.004071919713169336, 0.003907789010554552, 0.003048827638849616, 0.004199840594083071, 0.0033743379171937704, 0.0031033186241984367, 0.005334146786481142, 0.005525144748389721, 0.004641549661755562, 0.007925598882138729, 0.004399665165692568, 0.0047227684408426285, 0.0025309266056865454, 0.005849907174706459, 0.003206968540325761, 0.0029901121743023396, 0.003175226040184498, 0.004661229904741049, 0.004900341387838125, 0.003127467352896929, 0.004513307474553585, 0.0010055335005745292, 0.00438450975343585, 0.0009389988263137639, 0.003108172444626689, 0.0021543174516409636, 0.0022783412132412195, 0.0030371223110705614, 0.0029500420205295086, 0.0031594522297382355, 0.002827313030138612, 0.004125178325921297, 0.004008338321000338, 0.004041212610900402, 0.0038263427559286356, 0.004663289058953524, 0.003252316964790225, 0.005392404273152351, 0.004659402649849653, 0.002579542575404048, 0.0060948519967496395, 0.0030985975172370672, 0.001008806750178337, 0.006430366076529026, 0.00046078444574959576, 0.005296106915920973, 0.008286268450319767, 0.005736720748245716, 0.011294964700937271, 0.0005566593608818948, 0.01051918976008892, 0.001226872787810862, 0.004084338899701834, 0.006807528901845217, 0.008357561193406582, 0.015648851171135902, 0.008549978025257587, 0.0163551177829504, 0.009103815071284771, 0.0028078346513211727, 0.004443733487278223, 0.003776703728362918, -0.007099574431777, -0.0021301708184182644, -0.010293001309037209, -0.007608251180499792, -0.004019268322736025, -0.015427466481924057, 0.005369144957512617, 0.005835931748151779, 0.018732305616140366, 0.04205913841724396, 0.05714660882949829, 0.1106361523270607, 0.07451772689819336, 0.04518996551632881, 0.038211144506931305, 0.004502162802964449, -0.025453127920627594, -0.043166592717170715, -0.04546400159597397, -0.036013178527355194, -0.04191712290048599, -0.02348845824599266, 0.006459415424615145, 0.0171218179166317, 0.0349135659635067, 0.03533470630645752, 0.03992768004536629, 0.011731093749403954, 0.01102512702345848, -0.0047876909375190735, -0.01019331719726324, -0.010145334526896477, 0.002949891844764352, 0.0027671486604958773, 0.0012193213915452361, -0.0003093116683885455, 0.010641459375619888, 0.02524232305586338, 0.010161025449633598, 0.031081752851605415, 0.018303819000720978, 0.01859319396317005, 0.0022499009501188993, -0.002518388908356428, 0.011019086465239525, 0.00016856654838193208, -0.00907044392079115, 0.009444166906177998, -0.007760998327285051, 0.011569230817258358, 0.0010925662936642766, 0.002440814161673188, 0.02556588314473629, -0.01690465770661831, 0.01720934547483921, -0.014246460050344467, -0.0007733067614026368, 0.0006652082083746791, -0.010311835445463657, 0.020178332924842834, -0.00037473475094884634, 0.016305245459079742, -0.0016950262943282723, 0.01931064762175083, -0.002098547527566552, 0.011232635006308556, -0.002675579860806465, 0.0030071528162807226, 0.007787806447595358, -0.00917293131351471, 0.010222597047686577, 0.0001769347145454958, 0.011876284144818783, 0.012418114580214024, 0.004885039292275906, 0.01621016301214695, 0.009674177505075932, -0.0030499871354550123, 0.012280096299946308, -0.003847722662612796, 0.006898932624608278, -0.003050781087949872, -0.0014781084610149264, 0.0025705797597765923, -0.005560222547501326, 0.013228661380708218, 0.004020065069198608, 0.018181337043642998, 0.001129650860093534, 0.016784444451332092, 0.012304048053920269, -0.002094173338264227, -0.001911043655127287, -0.009325368329882622, -5.675879947375506e-05, -0.002217440167441964, 0.004469519015401602, -0.0006861152360215783, 0.011006589978933334, 0.0031508009415119886, 0.00521917175501585, 0.007062824442982674, 0.0008327830582857132, -0.0034105556551367044, -0.0049666669219732285, -0.008776498027145863, -0.010012419894337654, -0.008078480139374733, -0.002489508129656315, 0.005485932808369398, 0.0015541036846116185, -0.0006186797400005162, -0.008409359492361546, -0.02065480872988701, -0.04471316933631897, 0.01865346170961857, 0.09044548869132996, 0.1353653222322464, 0.13033705949783325, 0.12137924879789352, 0.1558297723531723, 0.08931071311235428, 0.05526009574532509, 0.0008147954940795898, -0.03594806790351868, -0.06707917898893356, -0.1269482970237732, -0.14967064559459686, -0.07062800228595734, -0.048976022750139236, 0.010736992582678795, 0.04042201116681099, 0.07957662642002106, 0.1060720831155777, 0.04139929264783859, 0.055627044290304184, 0.016115939244627953, -0.014020842500030994, -0.05775989219546318, -0.06959265470504761, -0.07988554984331131, -0.09034550935029984, -0.05259506404399872, -0.002246964955702424, 0.02740722894668579, 0.04977383092045784, 0.08693311363458633, 0.07068260759115219, 0.0804629698395729, 0.050119172781705856, 0.042764559388160706, 0.03512154892086983, -0.0031212486792355776, 0.0014168533962219954, -0.02498333714902401, 0.003000914817675948, -0.028239326551556587, -0.007992311380803585, 0.0002663514169398695, -0.005547610577195883, -0.017285728827118874, -0.02580612525343895, -0.01836744137108326, -0.05308058485388756, -0.04856809228658676, -0.054219916462898254, 0.0055193714797496796, -0.02335427887737751, 0.010583600029349327, 0.025438152253627777, 0.025273241102695465, 0.010915306396782398, -0.01206574309617281, -0.003009214997291565, -0.033796150237321854, -0.0295138880610466, -0.05652230605483055, -0.010536962188780308, -0.03643246740102768, -0.018709547817707062, 0.01341182366013527, 0.021461378782987595, 0.03570206090807915, 0.021666811779141426, 0.0179405827075243, 0.016490956768393517, -0.008907421492040157, -0.0198245607316494, -0.0054745906963944435, -0.0412178635597229, -0.03669441118836403, -0.04694332927465439, -0.026454947888851166, -0.026340780779719353, -0.017925314605236053, 0.013373814523220062, 0.04051535949110985, 0.016604986041784286, 0.015210415236651897, 0.019354408606886864, 2.0316258087405004e-05, -0.003502492094412446, -0.03505977243185043, -0.03454233705997467, -0.05539296939969063, -0.06328102201223373, -0.05787048116326332, -0.03703354299068451, -0.017000215128064156, -0.010518576018512249, -0.0026514804922044277, 0.006009941920638084, 0.003773060394451022, 0.007420061156153679, 0.007057318463921547, 0.018779467791318893, 0.0011413173051550984, -0.00729320989921689, -0.024911047890782356, -0.04100947827100754, -0.029276324436068535, -0.028379006311297417, -0.009713814593851566, -0.03934941440820694, -0.020111629739403725, -0.01434746291488409, -0.02069835364818573, -0.0066128745675086975, 0.01414010301232338, -0.01054519135504961, 0.0062575084157288074, -0.012919355183839798, -0.021737435832619667, -0.04329821467399597, -0.01710747741162777, -0.02929884009063244, -0.03045823611319065, -0.033268414437770844, -0.017806047573685646, -0.019847804680466652, -0.03226539492607117, -0.006352895870804787, -0.02210220880806446, -0.010996668599545956, -0.02626812271773815, -0.00375681952573359, -0.00929028820246458, -0.03390968590974808, -0.013409875333309174, 0.005599560681730509, -0.03006855957210064, -0.024754084646701813, -0.02587844617664814, 0.0007737447740510106, -0.013636644929647446, -0.014528119005262852, 0.0006894932594150305, -0.0067533645778894424, -0.011585668660700321, -0.008531591854989529, 0.0015601603081449866, -0.004665779415518045, 0.0026223838794976473, -0.01236899383366108, 0.007881351746618748, -0.033951472491025925, -0.0005396035849116743, -0.0183534175157547, 0.007310878019779921, -0.023367928341031075, -0.007839640602469444, -0.0017565754242241383, -0.02211678959429264, -0.016150610521435738, -0.011354225687682629, -0.017066679894924164, -0.02456015534698963, -0.014084783382713795, -0.01766209863126278, 0.01022045873105526, -0.01870150864124298, -0.015114660374820232, -0.013532120734453201, 0.0009018581476993859, -0.01766003482043743, -0.0009224604000337422, -0.007027939427644014, 0.024074750021100044, -0.004128572065383196, -0.012065699324011803, 0.007610086351633072, 0.006996952462941408, 0.013653702102601528, -0.00010895974264713004, 0.0168107058852911, 0.010569695383310318, 0.005795529577881098, -0.004187128972262144, -0.009857749566435814, -0.0033310633152723312, 0.001140853390097618, 0.003584054298698902, 0.003447538008913398, -0.017052948474884033, -0.017528895288705826, 0.0007790475501678884, -0.0061742691323161125, -0.0010024725925177336, 0.0032723681069910526, 0.005319410935044289, -0.005816624034196138, -0.0322083942592144, 0.004431700799614191, -0.029734184965491295, 0.0064849043264985085, -0.011785589158535004, 0.025978021323680878, -0.004176084417849779, -0.004092692397534847, 0.011322703212499619, -0.017652351409196854, -0.007457288447767496, 0.00713437981903553, 0.039020929485559464, 0.015854576602578163, 0.0007538859499618411, -0.019625579938292503, 0.0027561751194298267, -0.012005975469946861, 0.011240324005484581, 0.010527373291552067, -0.011154884472489357, -0.008732983842492104, -0.04556035250425339, -0.03363567218184471, -0.022594906389713287, -0.006148521788418293, 0.01926259510219097, 0.005074318964034319, 0.010453106835484505, 0.0015067823696881533, -0.022576022893190384, -2.8361333534121513e-05, 0.011092035099864006, -0.001185948378406465, 0.027113698422908783, -0.0091553945094347, -0.0073402621783316135, -0.061738163232803345, 0.004569974262267351, -0.030193055048584938, -0.0038263851311057806, 0.003338852431625128, 0.026110798120498657, -0.03738373890519142, -0.05255860462784767, 0.048196516931056976, 0.008820963092148304, 0.029176393523812294, -0.006151152774691582, 0.021094677969813347, -0.016903560608625412, -0.012125805020332336, 0.015689510852098465, -0.024881966412067413, 2.6276105927536264e-05, -0.004304068628698587, 0.049005523324012756, 0.01239027176052332, -0.035584647208452225, -0.020076462998986244, 0.03202337399125099, 0.009638589806854725, -0.0024557681754231453, 0.03708663582801819, 0.005702124442905188, -0.0172826386988163, -0.00861657690256834, 0.00491329887881875, 0.0016005276702344418, -0.014801462180912495, 0.014723741449415684, 0.012220790609717369, -0.03563471511006355, -0.021697867661714554, 0.007120904047042131, -0.011272531002759933, 0.037765417248010635, 0.02935258485376835, 0.0195224117487669, 0.009758703410625458, 0.003244080813601613, 0.014568089507520199, 0.010587850585579872, 0.012287678197026253, 0.054983630776405334, 0.030490314587950706, -0.024168815463781357, -0.0023096196819096804, 0.004630809184163809, 0.0015055629191920161, 0.0034906554501503706, 0.0023390024434775114, -0.008035925216972828, -0.008741643279790878, -0.03524605557322502, -0.02551303803920746, 0.0016475832089781761, 0.020829038694500923, 0.015114087611436844, 0.0033136571291834116, 0.009507359005510807, -0.032254304736852646, 0.008698694407939911, 0.002458054106682539, 0.013550173491239548, 0.020775752142071724, 0.017093071714043617, -0.005130748730152845, 0.032126713544130325, -0.0071779158897697926, 0.013959981501102448, 0.03886605054140091, 0.0047002737410366535, 0.05438455566763878, 0.015001091174781322, 9.930087253451347e-05, -0.012947608716785908, 0.03193037956953049, 0.03611185774207115, -0.0007987110875546932, -0.006237447261810303, -0.0023850630968809128, -0.013187711127102375, -0.0157252699136734, 0.02843547612428665, 0.026062849909067154, 0.003716507228091359, 0.0031866105273365974, 0.0032436579931527376, -0.026946675032377243, -0.004413468297570944, 0.035239797085523605, 0.02228739857673645, -0.011218165047466755, -0.020268293097615242, 0.0011788115371018648, -0.025049401447176933, 0.018267735838890076, 0.04990123584866524, 0.03296932950615883, -0.013288414105772972, 0.002112742979079485, 0.041340842843055725, -0.00994286872446537, 0.041977230459451675, 0.036430757492780685, 0.05467161908745766, -0.03098294883966446, -0.02463972568511963, 0.02075720578432083, -0.01325172558426857, 0.007685201242566109, 0.012328083626925945, 0.009750552475452423, -0.029260465875267982, -0.013875122182071209, -0.010668081231415272, 0.036530524492263794, 0.02026168815791607, 0.014854921959340572, -0.006328907795250416, -0.034820254892110825, -0.004985191859304905, -0.03613966330885887, 0.024142256006598473, 0.041299138218164444, -0.03194589540362358, -0.03291599079966545, -0.023751143366098404, -0.0035442032385617495, 0.03859566152095795, 0.021245628595352173, 0.03607507795095444, 0.01425711065530777, -0.015388364903628826, -0.010436242446303368, 0.020393187180161476, 0.01480959728360176, -0.0028664462734013796, 0.0015785288996994495, 0.008959757164120674, -0.05450134351849556, -0.006919377949088812, 0.006965974345803261, 0.014788382686674595, 0.019021933898329735, -0.03428034484386444, -0.009856943041086197, -0.02292688935995102, -0.0037237394135445356, -0.019836008548736572, 0.00208046636544168, 0.0006593844736926258, -0.029889002442359924, 0.025713257491588593, -0.026249319314956665, -0.010140192694962025, 0.020992357283830643, 0.016982831060886383, 0.011384183540940285, 0.0018326648278161883, 0.02013223245739937, -0.04739467799663544, -0.008845784701406956, -0.006228091195225716, 0.01101683173328638, -0.009101073257625103, -0.003576671238988638, 0.01925123669207096, -0.03151385486125946, -0.012716727331280708, 0.008965589106082916, 0.02384789288043976, 0.018399851396679878, -0.00018651194113772362, -0.00293160998262465, -0.0006371904746629298, 0.00924256443977356, 0.02202216535806656, -0.004688144661486149, -0.0006272544269450009, -0.02747313678264618, 0.012892953120172024, -0.005346023011952639, -0.002573039149865508, 0.03846054896712303, -0.010662365704774857, -0.028139956295490265, -0.010521521791815758, -0.011814232915639877, 0.001702900044620037, 0.009222711436450481, 0.000360256468411535, 0.0059004295617341995, -0.030141601338982582, -0.026283027604222298, 0.01805250160396099, -0.004986469633877277, 0.05182812735438347, 0.010447365231812, -0.011809078976511955, 0.030775802209973335, -0.013911220245063305, -0.015495427884161472, 0.016411134973168373, 0.030009524896740913, -0.014157223515212536, -0.022766083478927612, 0.017374085262417793, -0.06011034548282623, -0.005133494269102812, 0.017546528950333595, -0.004966987296938896, -0.0056123207323253155, -0.04970318078994751, 0.011682610958814621, -0.018103398382663727, 0.0036753977183252573, 0.029114775359630585, 0.030155733227729797, -0.03851676732301712, -0.007943366654217243, 0.019557543098926544, 0.005170795135200024, -0.001363318064250052, 0.02577514387667179, -0.006877952720969915, -0.03661002963781357, 0.03258800879120827, -0.0017377088079228997, -0.009471661411225796, 0.014820810407400131, 0.04368378221988678, -0.03139235079288483, 0.004169331397861242, 0.025315197184681892, -0.007022138684988022, 0.0023470500018447638, -0.020328707993030548, -0.005305611994117498, -0.011814050376415253, 0.008455903269350529, -0.012975407764315605, 0.006923392880707979, -0.010574156418442726, 0.014371063560247421, -0.0028919498436152935, -0.005518661346286535, 0.02957822196185589, 0.0010190889006480575, -0.02960403822362423, 0.00811400543898344, 0.011790099553763866, -0.011025084182620049, 0.026864290237426758, -0.010291915386915207, 0.0357670821249485, -0.028305524960160255, -0.03032752312719822, -0.024514149874448776, 0.0007528628339059651, 0.009671731851994991, -0.0013040793128311634, 0.028583941981196404, -0.015359864570200443, 0.014494098722934723, -0.011607524007558823, -0.013981867581605911, 0.00995566975325346, 0.02301611565053463, 0.015394977293908596, 0.003366651013493538, 0.00863639172166586, -0.0317857451736927, -0.04054628312587738, 0.015609846450388432, 0.025082122534513474, 0.020395420491695404, -0.008566604927182198, -0.010616485960781574, -0.02514280565083027, -0.013444815762341022, 0.026362832635641098, 0.001759141217917204, -0.03488325700163841, -0.046479132026433945, -0.013852312229573727, 0.009403175674378872, 0.015994703397154808, 0.020357392728328705, -0.02269299142062664, -0.019194265827536583, 0.010544327087700367, 0.026997707784175873, 0.0185927152633667, 0.029297851026058197, 0.008558403700590134, -0.05020316690206528, 0.003550935536623001, 0.0103489700704813, 0.009019509889185429, 0.0077072265557944775, 0.0043142568320035934, -0.0014120208797976375, -0.005203538108617067, -0.01577770709991455, 0.0047540925443172455, 0.03781840205192566, 0.0400850772857666, -0.018567010760307312, -0.03274548426270485, 0.002830566605553031, 0.0009267172426916659, 0.017430249601602554, 0.013447401113808155, -0.023663757368922234, -0.04663767293095589, -0.03443976864218712, 0.06157585605978966, -0.003542890539392829, -0.0022151474840939045, -0.028800422325730324, -0.03755452483892441, 0.006119458004832268, 0.02168229967355728, 0.058359295129776, -0.0271257683634758, -0.03907296434044838, -0.004772636108100414, 0.03049260564148426, 0.05484860762953758, 0.006176648661494255, -0.012361293658614159, -0.035823363810777664, -0.013570291921496391, 0.032079067081213, 0.02684483304619789, 0.015053397975862026, -0.059025708585977554, -0.030069172382354736, 0.008517740294337273, 0.004228194709867239, 0.0010515491012483835, -0.003202048595994711, -0.0315607450902462, -0.031127499416470528, 0.010036485269665718, 0.02988903410732746, 0.019616641104221344, -0.03456820175051689, -0.007159849163144827, 0.028985487297177315, 0.003004945581778884, 0.018589574843645096, -0.0008028426673263311, -0.007388327736407518, -0.007309462875127792, -0.017506033182144165, 0.034170571714639664, 0.014740634709596634, -0.007239459548145533, -0.009628565981984138, -0.007091122213751078, 0.0248736385256052, 0.005046826787292957, 0.014542113989591599, -0.0010566654382273555, -0.033440131694078445, -0.014207459054887295, -0.005672845058143139, 0.03163720667362213, -0.013594729825854301, 0.011273256503045559, -0.001931824372150004, -0.017032910138368607, 0.00628319988027215, 0.024542199447751045, 0.0173520278185606, 0.0014618627028539777, 0.005120516754686832, -0.01918194442987442, 0.009760155342519283, 0.0046017528511583805, 0.011636943556368351, -0.008941072039306164, -0.016625752672553062, -0.001862947829067707, 0.001060355338267982, 0.014087137766182423, 0.014983621425926685, 0.0087943309918046, -0.012468318454921246, -0.007535880897194147, 0.011112474836409092, 0.0068596904166042805, -0.0009629245032556355, 0.0069156368263065815, -0.002926372457295656, -0.014600076712667942, -0.0042137261480093, 0.0038872137665748596, 0.005137053783982992, -0.010093647986650467, 0.0006708198925480247, -0.002348873997107148, 0.0002365992550039664, 0.01149667613208294, 0.013639421202242374, 0.0021050984505563974, -0.0024134840350598097, 0.00033858080860227346, 0.003334040753543377, -0.005589483771473169, -0.0032665864564478397, 0.008094719611108303, 0.009847969748079777, -0.018999630585312843, -0.00019236157822888345, 0.02353312261402607, 0.01379416137933731, -0.0077530802227556705, -0.005399590358138084, 0.005884378682821989, 0.0032961517572402954, 0.006713343318551779, 0.00034140425850637257, -0.0008706969674676657, -0.014369687996804714, -0.0044408091343939304, 0.008162617683410645, -0.0015796995721757412, -0.0018684165552258492, -0.012859282083809376, -0.009809249080717564, 0.011937549337744713, 0.014672517776489258, -0.0017798780463635921, -0.010322614572942257, -0.005253443494439125, 0.006208315026015043, -0.0034640480298548937, -0.008443024940788746, 0.006041904911398888, -0.012985181994736195, -0.01783866062760353, 0.0072457753121852875, 0.018138114362955093, 0.005078663118183613, -0.013160083442926407, 0.011105564422905445, 0.010660027153789997, 0.004352213349193335, -0.0015380617696791887, 0.02391890436410904, 0.01535735372453928, -0.013087636791169643, 0.011657019145786762, -0.006433804519474506, -0.015042263083159924, -0.03760550171136856, -0.017034417018294334, -0.007195224519819021, -0.04053178057074547, -0.01910635456442833, -0.015964748337864876, -0.0030735477339476347, -0.01587218977510929, 0.001474503893405199, 0.017035992816090584, 0.021206069737672806, 0.017628323286771774, -0.006830443162471056, 0.014537659473717213, -0.0029819845221936703, 0.0028085315134376287, -0.0014352366561070085, -0.006382627412676811, -0.010564443655312061, -0.014955283142626286, 0.005472741089761257, 0.0030468148179352283, -0.0038719046860933304, -0.014631750993430614, -0.005278449505567551, -0.001613709144294262, -0.007417798507958651, -0.016003550961613655, -0.026306897401809692, -0.008228407241404057, 0.011670954525470734, -0.0074216690845787525, -0.010233398526906967, -0.004923153668642044, -0.008790579624474049, -0.014476361684501171, -0.0019884996581822634, 0.008444305509328842, -0.0015540706226602197, -0.014564602635800838, -0.009347301907837391, 2.076469172607176e-05, -0.011612034402787685, -0.01412280648946762, -0.008195853792130947, 0.0017103643622249365, -0.015070106834173203, -0.01768418587744236, 0.002108922926709056, 0.008095106109976768, 0.0024127187207341194, -0.005532296374440193, -0.0038966138381510973, -0.007572028320282698, 0.0026228229980915785, -0.0004234587249811739, 0.007604870945215225, 0.005424352828413248, -0.0023831368889659643, -0.0025629617739468813, 0.010032945312559605, 0.004252589773386717, -0.004700956400483847, -0.008820447139441967, -0.006071485113352537, 0.0024015232920646667, -0.009348067454993725, -0.0006443088059313595, -0.005485378205776215, -0.01907140575349331, -0.029132699593901634, -0.012295786291360855, -0.00785087700933218, -0.0043452028185129166, -0.013291522860527039, -0.01642473414540291, -0.009933720342814922, -0.006762789562344551, 0.0033069131895899773, -0.007139885798096657, 0.013255399651825428, -0.016397615894675255, -0.0033980344887822866, 0.003678892971947789, 0.0042781042866408825, -0.005172333214432001, -0.011032448150217533, 0.007586171850562096, 0.006392034236341715, -0.0017502149567008018, 0.013145136646926403, 0.008987432345747948, -0.008139608427882195, 0.004847219679504633, 0.0019099389901384711, -0.003513451898470521, -0.011084073223173618, -0.008344166912138462, -0.01281082071363926, -0.011139614507555962, -0.0214423518627882, -0.014111689291894436, 0.0066230446100234985, -0.008357108570635319, -0.007394412532448769, -0.002490745158866048, 0.013813923113048077, 0.0113533278927207, -0.0032983755227178335, -0.004721467383205891, 0.005304168444126844, -0.0019629921298474073, 0.008919055573642254, 0.010326338931918144, 0.003998280968517065, -0.00995578896254301, -0.017826469615101814, 0.007302943617105484, 0.012444538995623589, 0.009777969680726528, 0.004481169395148754, 0.006254333537071943, 0.0019949572160840034, 0.005547708366066217, 0.01361316442489624, 0.0038942850660532713, 0.004306325223296881, -0.005282268393784761, -0.007173391059041023, -0.009148245677351952, -0.010927397757768631, -0.01575552485883236, -0.011835113167762756, -0.007004746701568365, -0.0074136569164693356, -0.002070512156933546, -0.010870229452848434, -0.0028181932866573334, -0.005912461783736944, -0.006078742910176516, -9.546902583679184e-05, -0.011061479337513447, -0.009919293224811554, -0.017115533351898193, -0.012565338984131813, -0.004672841168940067, -0.00213806820102036, -0.0070992265827953815, -0.01456149760633707, -0.011877503246068954, -0.005011595785617828, -0.011966083198785782, -0.012586911208927631, -0.011493205092847347, -0.013262514024972916, -0.01781054213643074, -0.01685725711286068, -0.001334911910817027, -0.012373500503599644, -0.02008799836039543, -0.018354294821619987, -0.011976338922977448, -0.02304758131504059, -0.030589282512664795, -0.02070014737546444, -0.020618291571736336, -0.029204728081822395, -0.04306979477405548, -0.037060681730508804, -0.031508106738328934, -0.04241721332073212, -0.03793373331427574, -0.034730494022369385, -0.03905891999602318, -0.03571693226695061, -0.03510288894176483, -0.028945617377758026, -0.02588171884417534, -0.02751348353922367, -0.03010544180870056, -0.02193528227508068, -0.023319315165281296, -0.02564937248826027, -0.0282910093665123, -0.030056700110435486, -0.02047242410480976, -0.027451440691947937, -0.027122894302010536, -0.019794534891843796, -0.02532990090548992, -0.03109154663980007, -0.02694333903491497, -0.02012018859386444, -0.023824401199817657, -0.025843771174550056, -0.02317635528743267, -0.02277740277349949, -0.03118724562227726, -0.02587777003645897, -0.02214706316590309, -0.01650090515613556, -0.020160742104053497, -0.01373932883143425, 0.004354960285127163, 0.010696432553231716, 0.020146867260336876, 0.03199951350688934, 0.05681004002690315, 0.06115518510341644, 0.07348788529634476, 0.08960256725549698, 0.0962524339556694, 0.10633636265993118, 0.10953998565673828, 0.11844032257795334, 0.11508453637361526, 0.10279001295566559, 0.10600742697715759, 0.10009347647428513, 0.08826673775911331, 0.07917668670415878, 0.07376673072576523, 0.06730908900499344, 0.05577531084418297, 0.05043692886829376, 0.051666662096977234, 0.05314405634999275, 0.04163643717765808, 0.04290497675538063, 0.05170686915516853, 0.0511288158595562, 0.04486687108874321, 0.044952671974897385, 0.05556897819042206, 0.05446408689022064, 0.05390244349837303, 0.057829614728689194, 0.06477618962526321, 0.059534888714551926, 0.05595959722995758, 0.05779818072915077, 0.05675138533115387, 0.060475241392850876, 0.06134176254272461, 0.05356379598379135, 0.042290955781936646, 0.040355052798986435, 0.03446096554398537, 0.026936868205666542, 0.02447393722832203, 0.019985895603895187, 0.010062072426080704, 0.004197081550955772, 0.005147077608853579, -0.0008860346861183643, -0.0015385412843897939, -0.00766206718981266, -0.011397828347980976, -0.008061849512159824, -0.019482556730508804, -0.02083551697432995, -0.017763210460543633, -0.02384333126246929, -0.02264931984245777, -0.031312666833400726, -0.030048398301005363, -0.03421162813901901, -0.03726987913250923, -0.03093016892671585, -0.034724246710538864, -0.036816008388996124, -0.04382208362221718, -0.037657592445611954, -0.044616591185331345, -0.057959526777267456, -0.05227711796760559, -0.058015719056129456, -0.06153234839439392, -0.06651868671178818, -0.06315217167139053, -0.06608227640390396, -0.07127232849597931, -0.06481026113033295, -0.06214642897248268, -0.05768616870045662, -0.0766441598534584, -0.07603611052036285, -0.0734921395778656, -0.09665922075510025, -0.092656210064888, -0.11231633275747299, -0.11681857705116272, -0.11044325679540634, -0.12375422567129135, -0.12756003439426422, -0.1279902309179306, -0.11558636277914047, -0.14270569384098053, -0.14167088270187378, -0.12607575953006744, -0.13411571085453033, -0.12033465504646301, -0.11399390548467636, -0.08397142589092255, -0.04517721012234688, -0.01770780049264431, 0.023198621347546577, 0.06792018562555313, 0.11826478689908981, 0.12746122479438782, 0.1496012657880783, 0.1810561567544937, 0.17671184241771698, 0.16668573021888733, 0.1366293579339981, 0.11505933851003647, 0.08350367844104767, 0.049963414669036865, 0.0119949234649539, -0.009778579697012901, -0.031034359708428383, -0.06490162760019302, -0.05944356322288513, -0.06482619792222977, -0.06562650948762894, -0.05401463061571121, -0.05066031590104103, -0.03748995438218117, -0.03634779527783394, -0.019970277324318886, -0.011393927969038486, -0.009108392521739006, -0.0022306584287434816, -0.0006786902085877955, 0.0135246142745018, 0.02350851148366928, 0.043671783059835434, 0.05558253452181816, 0.07370574027299881, 0.08790987730026245, 0.0976325273513794, 0.10954157263040543, 0.12013640999794006, 0.130708709359169, 0.1194654330611229, 0.11900830268859863, 0.10256196558475494, 0.08956225961446762, 0.07740145176649094, 0.06772981584072113, 0.062455300241708755, 0.04326317831873894, 0.039750561118125916, 0.03605958819389343, 0.03602653741836548, 0.04153039678931236, 0.03823074325919151, 0.042796045541763306, 0.038460955023765564, 0.03700658306479454, 0.041855283081531525, 0.038763031363487244, 0.04413798078894615, 0.044135887175798416, 0.04278833046555519, 0.05108858644962311, 0.0506863072514534, 0.053450047969818115, 0.06430982053279877, 0.07672862708568573, 0.08492916822433472, 0.08611942082643509, 0.08608078956604004, 0.0939326360821724, 0.08262204378843307, 0.08410122990608215, 0.08146420121192932, 0.07141432911157608, 0.05868286266922951, 0.037519246339797974, 0.038220666348934174, 0.026918400079011917, 0.022550221532583237, 0.008842576295137405, 0.0058223530650138855, 0.0017196097178384662, -0.005414463579654694, -0.007497912272810936, -0.014147423207759857, -0.009599263779819012, -0.024353601038455963, -0.027979709208011627, -0.030885227024555206, -0.038030412048101425, -0.03614591062068939, -0.04522629454731941, -0.03502664342522621, -0.04638565704226494, -0.04999679699540138, -0.03819076344370842, -0.04854739457368851, -0.04030061140656471, -0.04861845076084137, -0.053620509803295135, -0.057348091155290604, -0.0711878165602684, -0.06243321672081947, -0.0915154218673706, -0.09398593753576279, -0.09850531071424484, -0.12978768348693848, -0.12063423544168472, -0.1433587223291397, -0.14669808745384216, -0.15864314138889313, -0.1704207956790924, -0.1631198674440384, -0.18802788853645325, -0.16442444920539856, -0.16221925616264343, -0.16131405532360077, -0.1539393961429596, -0.1657359004020691, -0.13838033378124237, -0.14344625174999237, -0.12228640913963318, -0.09151488542556763, -0.06975942105054855, -0.02614128403365612, 0.008215476758778095, 0.06948918104171753, 0.10228221863508224, 0.15083317458629608, 0.17659586668014526, 0.19517138600349426, 0.21736563742160797, 0.19020426273345947, 0.1856023073196411, 0.15217286348342896, 0.11282685399055481, 0.07475603371858597, 0.018880905583500862, -0.011214748956263065, -0.05814245715737343, -0.0708073303103447, -0.0858197808265686, -0.09644961357116699, -0.08490199595689774, -0.08800387382507324, -0.06211946904659271, -0.05269183591008186, -0.039731334894895554, -0.01984948106110096, -0.015004710294306278, 0.0005363684031181037, 0.00010120371007360518, 0.0013136290945112705, 0.013608683831989765, 0.016054151579737663, 0.03053055889904499, 0.04420343413949013, 0.062096789479255676, 0.08330362290143967, 0.09672881662845612, 0.11950670927762985, 0.12876765429973602, 0.13763146102428436, 0.14086556434631348, 0.11742313951253891, 0.10897539556026459, 0.08839000016450882, 0.062031090259552, 0.03715771064162254, 0.012859207578003407, 0.002996215131133795, -0.023264391347765923, -0.03154611960053444, -0.03468392416834831, -0.02714407816529274, -0.016585269942879677, -0.015472776256501675, 0.0009724397677928209, 0.011483647860586643, 0.025839023292064667, 0.03737075254321098, 0.05127358436584473, 0.0690881609916687, 0.0729316920042038, 0.08232468366622925, 0.08349515497684479, 0.09483308345079422, 0.10626093298196793, 0.11245390772819519, 0.12172308564186096, 0.10685089230537415, 0.11456995457410812, 0.1079912781715393, 0.09406007081270218, 0.09314185380935669, 0.06870339810848236, 0.05968182906508446, 0.04121876135468483, 0.02489565499126911, 0.018812604248523712, 0.008094760589301586, 0.010862160474061966, 0.003923108801245689, 0.008991079404950142, 0.016666417941451073, 0.017330175265669823, 0.03091827966272831, 0.03147250786423683, 0.03945475444197655, 0.04072324186563492, 0.02948819287121296, 0.02101616933941841, 0.012428829446434975, 0.014428184367716312, -0.003463159315288067, -0.01198673713952303, -0.016804909333586693, -0.02749793231487274, -0.02461799792945385, -0.028596308082342148, -0.019058654084801674, -0.019814597442746162, -0.019128071144223213, -0.019656434655189514, -0.03197426721453667, -0.03417367488145828, -0.04919016733765602, -0.06119054555892944, -0.07291216403245926, -0.0919141098856926, -0.10126183927059174, -0.11458229273557663, -0.11979993432760239, -0.12277122586965561, -0.13623790442943573, -0.13580484688282013, -0.14432194828987122, -0.14796729385852814, -0.14234617352485657, -0.1632145643234253, -0.13997018337249756, -0.16109301149845123, -0.17838042974472046, -0.13889093697071075, -0.16715599596500397, -0.1398165076971054, -0.1400316208600998, -0.143461212515831, -0.12041597813367844, -0.13180892169475555, -0.0861850157380104, -0.08647828549146652, -0.023690342903137207, 0.015079167671501637, 0.018242307007312775, 0.09841277450323105, 0.0980038046836853, 0.15133382380008698, 0.15569670498371124, 0.14587342739105225, 0.1717473417520523, 0.11914408206939697, 0.11729162931442261, 0.06711847335100174, 0.03517734259366989, 0.014935503713786602, -0.03763359785079956, -0.049359407275915146, -0.09158580750226974, -0.09107688814401627, -0.09709273278713226, -0.10006171464920044, -0.07321958988904953, -0.0721655935049057, -0.04849528148770332, -0.03955232724547386, -0.016794873401522636, 0.006313319317996502, 0.020678706467151642, 0.037863634526729584, 0.04288505017757416, 0.05969551205635071, 0.0637078508734703, 0.07888476550579071, 0.09679420292377472, 0.10823479294776917, 0.11940152198076248, 0.11164107173681259, 0.10744874179363251, 0.11194168776273727, 0.11002079397439957, 0.08786109834909439, 0.06505326181650162, 0.05128256976604462, 0.01749499887228012, -0.00945032387971878, -0.02751457877457142, -0.03732191398739815, -0.04853826016187668, -0.06483391672372818, -0.049411024898290634, -0.03726169466972351, -0.02746231108903885, 0.0038579420652240515, 0.02118310146033764, 0.0452861562371254, 0.06279432028532028, 0.07700686901807785, 0.0812450721859932, 0.08667770773172379, 0.09739259630441666, 0.08997935056686401, 0.09420386701822281, 0.09117279201745987, 0.10030028223991394, 0.10159911960363388, 0.0951208770275116, 0.10610119253396988, 0.08444802463054657, 0.08153875917196274, 0.08467181771993637, 0.06196644902229309, 0.06279169023036957, 0.04341461509466171, 0.028826264664530754, 0.020625099539756775, -0.0016003306955099106, 0.003764050081372261, 0.003401809139177203, 0.0032334974966943264, 0.010154368355870247, 0.016078591346740723, 0.020592885091900826, 0.029153071343898773, 0.04193812608718872, 0.04295093193650246, 0.043342117220163345, 0.04412663355469704, 0.03564625605940819, 0.03201339393854141, 0.03130706027150154, 0.022773856297135353, 0.018234312534332275, 0.007613054942339659, -0.00039896773523651063, -0.008934424258768559, -0.013143545016646385, -0.011208053678274155, -0.00967977661639452, -0.018960313871502876, -0.02375027723610401, -0.022199243307113647, -0.031128624454140663, -0.03339459374547005, -0.04003522917628288, -0.0634685680270195, -0.07159063965082169, -0.09142966568470001, -0.10657864063978195, -0.10484138131141663, -0.10992774367332458, -0.11434674263000488, -0.11402339488267899, -0.11296194046735764, -0.12864123284816742, -0.10501927882432938, -0.09478780627250671, -0.1245947852730751, -0.11549320816993713, -0.13202768564224243, -0.1352330893278122, -0.1389441341161728, -0.15466775000095367, -0.13863344490528107, -0.16131778061389923, -0.13033871352672577, -0.14306162297725677, -0.14657919108867645, -0.10805094242095947, -0.13358153402805328, -0.11284487694501877, -0.1371665745973587, -0.08331789076328278, -0.014932085759937763, -0.05106909200549126, 0.042298465967178345, 0.05165744572877884, 0.09424268454313278, 0.15518790483474731, 0.12167477607727051, 0.17894236743450165, 0.13335952162742615, 0.1267135590314865, 0.08472537249326706, -0.001216065022163093, 0.04149913415312767, -0.05086660385131836, -0.08167024701833725, -0.09314761310815811, -0.1398860067129135, -0.09895659238100052, -0.11818191409111023, -0.0891994759440422, -0.061826448887586594, -0.04068974778056145, -0.013665366917848587, -0.031038055196404457, 0.01821948029100895, 0.023100100457668304, 0.036349836736917496, 0.048460327088832855, 0.02618926763534546, 0.07551649212837219, 0.07507113367319107, 0.09877211600542068, 0.11554465442895889, 0.10885019600391388, 0.143747940659523, 0.10779853910207748, 0.11264219880104065, 0.10807672888040543, 0.0782519206404686, 0.05974430963397026, -0.004923895932734013, -0.024359459057450294, -0.04766140133142471, -0.0689808651804924, -0.07011639326810837, -0.07513818144798279, -0.05502425134181976, -0.046562690287828445, -0.026561778038740158, 0.0034618410281836987, 0.032893192023038864, 0.06199108064174652, 0.061600375920534134, 0.06798780709505081, 0.07803431898355484, 0.07967835664749146, 0.07549326121807098, 0.07900238037109375, 0.07887710630893707, 0.06538659334182739, 0.07418239861726761, 0.07405515015125275, 0.09429638087749481, 0.10689080506563187, 0.10013773292303085, 0.09169041365385056, 0.08701325953006744, 0.0685822144150734, 0.052408743649721146, 0.04580076038837433, 0.022138334810733795, 0.0043369862250983715, -0.006592471618205309, -0.017753049731254578, -0.0033018579706549644, 0.008474241010844707, 0.015886733308434486, 0.040104884654283524, 0.00977233611047268, 0.033232539892196655, 0.048283372074365616, 0.03335809335112572, 0.054394010454416275, 0.054473355412483215, 0.04587191343307495, 0.03510450944304466, 0.048027247190475464, 0.04449370875954628, 0.04813331365585327, 0.05589538812637329, 0.021375933662056923, 0.020250778645277023, 0.018728584051132202, -0.005805864464491606, 4.3889202061109245e-05, -0.01254555769264698, -0.026738326996564865, -0.03566331788897514, -0.05391915887594223, -0.04996000602841377, -0.052581436932086945, -0.052049264311790466, -0.05265842378139496, -0.04805868864059448, -0.04815739020705223, -0.056668881326913834, -0.05964053049683571, -0.05877480283379555, -0.06289636343717575, -0.07501427084207535, -0.0830269381403923, -0.09797289967536926, -0.11556652933359146, -0.10413897782564163, -0.10494652390480042, -0.14087824523448944, -0.1140204593539238, -0.12849615514278412, -0.17470748722553253, -0.12512727081775665, -0.13501562178134918, -0.15620380640029907, -0.12030405551195145, -0.14187003672122955, -0.1706673502922058, -0.14356450736522675, -0.1347382813692093, -0.14440558850765228, -0.1270124763250351, -0.13679225742816925, -0.15233586728572845, -0.1290685534477234, -0.13810859620571136, -0.06749027967453003, 0.008874724619090557, 0.03228349983692169, 0.12576891481876373, 0.14063085615634918, 0.1763010174036026, 0.22604210674762726, 0.202332004904747, 0.18784970045089722, 0.13461564481258392, 0.049892839044332504, -0.03516557067632675, -0.1106710210442543, -0.14222173392772675, -0.17462491989135742, -0.1663767546415329, -0.15323872864246368, -0.17179511487483978, -0.11018846184015274, -0.05985243245959282, -0.030110998079180717, 0.0032060903031378984, 0.048541005700826645, 0.04441070184111595, 0.022788146510720253, 0.04908910393714905, 0.03663692995905876, 0.06185769662261009, 0.09140724688768387, 0.07535643130540848, 0.10482511669397354, 0.11982590705156326, 0.12326178699731827, 0.1367795765399933, 0.12739810347557068, 0.10020465403795242, 0.06445872038602829, 0.010323566384613514, -0.051706742495298386, -0.08777204900979996, -0.10892479121685028, -0.13579829037189484, -0.14328987896442413, -0.12063338607549667, -0.09070880711078644, -0.045910321176052094, 0.004433007445186377, 0.0455731563270092, 0.09364086389541626, 0.11407924443483353, 0.11113113164901733, 0.10906677693128586, 0.10567644238471985, 0.08407004177570343, 0.0767151340842247, 0.06678415089845657, 0.05086331069469452, 0.048752110451459885, 0.04610493406653404, 0.0425124429166317, 0.0417168028652668, 0.058862000703811646, 0.061259303241968155, 0.043952297419309616, 0.050888705998659134, 0.03058110922574997, 0.03644002601504326, 0.04142145812511444, 0.025982923805713654, 0.04159248620271683, 0.04132421314716339, 0.03211068734526634, 0.03754626214504242, 0.04060104861855507, 0.0375920832157135, 0.03580928221344948, 0.024914981797337532, 0.026302287355065346, 0.04624749347567558, 0.038626041263341904, 0.03701109439134598, 0.06051969155669212, 0.04632133990526199, 0.05628269165754318, 0.074864961206913, 0.05511380359530449, 0.06088538467884064, 0.04771468788385391, 0.029611073434352875, 0.02482818067073822, 0.009888220578432083, 0.008842854760587215, 0.012968610972166061, -0.010668548755347729, -0.019657880067825317, 0.006741691380739212, -0.006835924927145243, -0.012732081115245819, -0.002195235574617982, -0.010405064560472965, -0.015174494124948978, -0.014827313832938671, -0.017352204769849777, -0.01836404763162136, -0.022308234125375748, -0.04165945202112198, -0.04435107111930847, -0.05029918998479843, -0.0576428584754467, -0.043391041457653046, -0.05638935789465904, -0.059868838638067245, -0.05212732031941414, -0.0655556321144104, -0.07119089365005493, -0.07931841909885406, -0.11587181687355042, -0.12073557823896408, -0.1322699338197708, -0.1682337075471878, -0.1570901870727539, -0.147852823138237, -0.17823851108551025, -0.17441368103027344, -0.14552675187587738, -0.18204785883426666, -0.15412038564682007, -0.0990106463432312, -0.1378442496061325, -0.1353520005941391, -0.09919470548629761, -0.13558194041252136, -0.1267635077238083, -0.11342719197273254, -0.06431563198566437, -0.004745752550661564, 0.03764541447162628, 0.12491664290428162, 0.17982330918312073, 0.17269200086593628, 0.2331504076719284, 0.2443842738866806, 0.16411817073822021, 0.11513622850179672, 0.07048157602548599, -0.05334579944610596, -0.12153924256563187, -0.14014436304569244, -0.1952485293149948, -0.17012183368206024, -0.1418568193912506, -0.13927270472049713, -0.08901834487915039, -0.019956955686211586, 0.003194594057276845, 0.01835617981851101, 0.05937059223651886, 0.0486384779214859, 0.039954476058483124, 0.06116578355431557, 0.043409500271081924, 0.06167339161038399, 0.09297316521406174, 0.10936445742845535, 0.12157508730888367, 0.1322130560874939, 0.14768843352794647, 0.14800743758678436, 0.11098901927471161, 0.07897445559501648, 0.052678897976875305, -0.023035330697894096, -0.07349789142608643, -0.09631817787885666, -0.12581636011600494, -0.11870274692773819, -0.08691535145044327, -0.06801178306341171, -0.026042768731713295, 0.013175060041248798, 0.06888828426599503, 0.09814880788326263, 0.09812603145837784, 0.12476528435945511, 0.10412421822547913, 0.08456335961818695, 0.08784016221761703, 0.06869419664144516, 0.06118286773562431, 0.07518507540225983, 0.06535602360963821, 0.05011336877942085, 0.05880055949091911, 0.06106175482273102, 0.05205376073718071, 0.05216057971119881, 0.044127095490694046, 0.019745295867323875, 0.04184423014521599, 0.03984298184514046, 0.02562730759382248, 0.055623337626457214, 0.06756394356489182, 0.07256995141506195, 0.0833616629242897, 0.07867438346147537, 0.0823536291718483, 0.08827001601457596, 0.07530178874731064, 0.04984797164797783, 0.0347936674952507, 0.02864069677889347, 0.007994120009243488, -0.003324969904497266, 0.018677929416298866, 0.0277592521160841, 0.021712003275752068, 0.04770447313785553, 0.04957742616534233, 0.052875250577926636, 0.07100296765565872, 0.059909652918577194, 0.04997412860393524, 0.030041754245758057, 0.014007744379341602, 0.008523819036781788, 0.0028327051550149918, 0.0036523675080388784, 0.007528248708695173, 0.0213893111795187, 0.021114535629749298, 0.007812600582838058, 0.010739876888692379, 0.007791976910084486, -0.0020067498553544283, -0.008252691477537155, -0.03472742438316345, -0.0389707088470459, -0.0421004518866539, -0.04440879076719284, -0.0500497929751873, -0.04569154232740402, -0.02556113339960575, -0.03725650906562805, -0.040104251354932785, -0.04000772535800934, -0.034118521958589554, -0.06115204468369484, -0.08749478310346603, -0.10150761902332306, -0.1311940997838974, -0.1294344663619995, -0.13396932184696198, -0.15029966831207275, -0.13064207136631012, -0.1356833577156067, -0.14975333213806152, -0.13653501868247986, -0.16894657909870148, -0.1543351113796234, -0.12979701161384583, -0.12022665143013, -0.14172501862049103, -0.09722806513309479, -0.06048773229122162, -0.15248803794384003, -0.10885805636644363, -0.09449933469295502, -0.18266235291957855, -0.07342350482940674, -0.05313903093338013, -0.037483472377061844, 0.1338060051202774, 0.1675143837928772, 0.22407041490077972, 0.26318129897117615, 0.24030648171901703, 0.24707607924938202, 0.14868199825286865, 0.05127165839076042, -0.010793863795697689, -0.11879140138626099, -0.19147206842899323, -0.22526971995830536, -0.2065795660018921, -0.19824817776679993, -0.13131240010261536, -0.03132208064198494, -0.05304630473256111, 0.017988156527280807, 0.08060748130083084, 0.01597297005355358, 0.044624075293540955, 0.04970809817314148, 0.024619217962026596, 0.058618154376745224, 0.07332824915647507, 0.09755115956068039, 0.14881198108196259, 0.1868762969970703, 0.19720424711704254, 0.1873270571231842, 0.1714385747909546, 0.10527831315994263, 0.0639045462012291, -0.0009349793544970453, -0.08820325881242752, -0.11101233214139938, -0.1533171385526657, -0.15855804085731506, -0.14513224363327026, -0.11278057098388672, -0.03108932077884674, -0.012109339237213135, 0.039113715291023254, 0.08947614580392838, 0.08943399786949158, 0.1256372630596161, 0.12986744940280914, 0.10910163819789886, 0.11707928776741028, 0.10706786066293716, 0.08541671186685562, 0.08329850435256958, 0.08308900147676468, 0.06734894961118698, 0.06436187773942947, 0.05860930681228638, 0.011607826687395573, 0.02970249019563198, 0.011569895781576633, -0.01896422915160656, 0.017749400809407234, 0.022906556725502014, 0.04763229936361313, 0.08430864661931992, 0.08645544946193695, 0.12118730694055557, 0.13210804760456085, 0.10426963120698929, 0.10517673939466476, 0.09827763587236404, 0.06839600205421448, 0.041368816047906876, 0.034262366592884064, 0.014041636139154434, 0.005337153095752001, 0.00957140140235424, 0.02099178545176983, 0.034748226404190063, 0.043831005692481995, 0.06434691697359085, 0.07166309654712677, 0.0704633966088295, 0.07727053016424179, 0.055482927709817886, 0.04685146361589432, 0.04882219061255455, 0.028603749349713326, 0.0196909848600626, 0.02264072746038437, 0.029639385640621185, 0.011471073143184185, 0.008135972544550896, 0.02015392854809761, -0.002138558542355895, -0.004230030346661806, -0.012067971751093864, -0.02761206030845642, -0.01927202381193638, -0.024843838065862656, -0.032260116189718246, -0.0043732887133955956, -0.00580249447375536, -0.017230181023478508, 0.0024376176297664642, 0.00043929368257522583, -0.013539642095565796, -0.021872946992516518, -0.029585592448711395, -0.054227232933044434, -0.06868133693933487, -0.08354772627353668, -0.11831478029489517, -0.10292290151119232, -0.10453274846076965, -0.1276816576719284, -0.08741839230060577, -0.08373761922121048, -0.13707034289836884, -0.11609121412038803, -0.0945403203368187, -0.14936232566833496, -0.14370359480381012, -0.09384234249591827, -0.1653555929660797, -0.133623406291008, -0.052557189017534256, -0.1468147188425064, -0.09693961590528488, -0.018477994948625565, -0.1341041475534439, -0.10175015032291412, -0.075044184923172, -0.16332153975963593, -0.0986240804195404, -0.012516122311353683, 0.03152821585536003, 0.15741658210754395, 0.2248365432024002, 0.2376054972410202, 0.27022305130958557, 0.224287748336792, 0.18548981845378876, 0.13685989379882812, 0.01848662830889225, -0.0707707479596138, -0.143899604678154, -0.22765183448791504, -0.21294738352298737, -0.17384961247444153, -0.13822589814662933, -0.08096634596586227, -0.013303308747708797, -0.0024960977025330067, 0.029372407123446465, 0.08241945505142212, 0.07060785591602325, 0.07882465422153473, 0.10095824301242828, 0.06084104999899864, 0.07014907896518707, 0.09574956446886063, 0.11986366659402847, 0.16288338601589203, 0.1721312701702118, 0.1823122501373291, 0.12394159287214279, 0.07066497951745987, 0.04304608702659607, -0.02187449485063553, -0.07267673313617706, -0.09490293264389038, -0.1496061235666275, -0.16144917905330658, -0.13070981204509735, -0.10215023905038834, -0.04083171486854553, 0.028407970443367958, 0.059037741273641586, 0.09438568353652954, 0.12488192319869995, 0.10938229411840439, 0.13376756012439728, 0.1384228616952896, 0.11148378252983093, 0.09579335153102875, 0.08586295694112778, 0.047611646354198456, 0.05095808953046799, 0.04591985419392586, 0.026369677856564522, 0.03611140325665474, 0.021418556571006775, -0.004479322116822004, 0.011822635307908058, 0.002109173685312271, 0.02059616707265377, 0.0645054429769516, 0.060519929975271225, 0.08588503301143646, 0.11339395493268967, 0.11733895540237427, 0.11435484141111374, 0.11973422765731812, 0.10131858289241791, 0.09024518728256226, 0.04937867447733879, 0.02246120199561119, 0.023301735520362854, 0.015182574279606342, 0.011128650978207588, 0.04076620191335678, 0.04099004343152046, 0.050971854478120804, 0.06697679311037064, 0.05757059529423714, 0.07816540449857712, 0.08429863303899765, 0.07298246771097183, 0.07172989100217819, 0.06990991532802582, 0.04880085587501526, 0.037158071994781494, 0.029554784297943115, 0.02589699812233448, 0.008356458507478237, -0.011209916323423386, -0.030353477224707603, -0.030374646186828613, -0.034759264439344406, -0.042654551565647125, -0.027855468913912773, -0.008448177017271519, -0.0010789231164380908, -0.0032008420675992966, 0.005802803672850132, 0.005084892734885216, -0.0017081480473279953, -0.0040845018811523914, -0.001846942468546331, -0.011495229788124561, -0.017687615007162094, -0.037256870418787, -0.04774285480380058, -0.06216723099350929, -0.0892038643360138, -0.11169728636741638, -0.0909489095211029, -0.10728544741868973, -0.13147087395191193, -0.07824188470840454, -0.0987725555896759, -0.12882740795612335, -0.072307288646698, -0.08254916965961456, -0.11742549389600754, -0.0785345658659935, -0.11057362705469131, -0.16354329884052277, -0.1360253393650055, -0.14050088822841644, -0.17432603240013123, -0.10253334790468216, -0.10723831504583359, -0.16294927895069122, -0.11036204546689987, -0.14112263917922974, -0.1671428680419922, -0.12697800993919373, -0.14366677403450012, -0.07186263054609299, -0.010153736919164658, 0.024502065032720566, 0.1300148069858551, 0.16695564985275269, 0.21860691905021667, 0.23947954177856445, 0.19461128115653992, 0.1750311553478241, 0.07727909833192825, -0.012408396229147911, -0.08426449447870255, -0.16918319463729858, -0.17852415144443512, -0.19418838620185852, -0.18145425617694855, -0.1312292367219925, -0.10564173758029938, -0.03257447108626366, 0.006483088247478008, 0.02978060208261013, 0.05393724888563156, 0.05595029890537262, 0.052131880074739456, 0.03571739420294762, 0.05455583333969116, 0.07254521548748016, 0.08491650223731995, 0.11643069237470627, 0.1232919692993164, 0.11397259682416916, 0.11091949790716171, 0.09344755113124847, 0.05624767020344734, 0.011191794648766518, -0.030059492215514183, -0.07513242214918137, -0.10167453438043594, -0.11661636829376221, -0.10601034760475159, -0.06926924735307693, -0.04702267050743103, -0.018513331189751625, 0.014188889414072037, 0.03263048455119133, 0.055266860872507095, 0.06282705068588257, 0.06769319623708725, 0.07943239063024521, 0.05958513915538788, 0.053101129829883575, 0.05627700313925743, 0.05744946375489235, 0.049734264612197876, 0.054644566029310226, 0.0473652258515358, 0.014931579120457172, 0.004039977211505175, 0.011082039214670658, -0.001809186302125454, 0.009789383970201015, 0.03684179484844208, 0.03974756598472595, 0.03792661800980568, 0.05887848511338234, 0.07822658866643906, 0.07621254771947861, 0.09600162506103516, 0.09757648408412933, 0.08062818646430969, 0.07649978995323181, 0.05322466790676117, 0.03849725425243378, 0.037535060197114944, 0.029070783406496048, 0.021573089063167572, 0.010765425860881805, 0.007901830598711967, 0.018517596647143364, 0.033279504626989365, 0.051283352077007294, 0.07473239302635193, 0.07681570202112198, 0.056906234472990036, 0.05747335031628609, 0.04221230372786522, 0.016444938257336617, 0.026975471526384354, 0.011555277742445469, -0.006982414051890373, 0.007234929595142603, -0.0048280213959515095, 0.0175478495657444, 0.049873873591423035, 0.029222749173641205, 0.027931304648518562, 0.018425583839416504, -0.021442413330078125, -0.04139167070388794, -0.04853258654475212, -0.056117866188287735, -0.04755609109997749, -0.04670201241970062, -0.04627285525202751, -0.02718176692724228, -0.016435159370303154, -0.019352691248059273, -0.0008844637777656317, 0.004843390546739101, -0.028050733730196953, -0.03219348564743996, -0.04439442977309227, -0.07196536660194397, -0.06871664524078369, -0.053043294697999954, -0.06446292996406555, -0.08257053047418594, -0.07455264031887054, -0.1022261455655098, -0.12453394383192062, -0.09623201191425323, -0.11859139055013657, -0.14916959404945374, -0.10525710135698318, -0.14257149398326874, -0.16482821106910706, -0.09830713272094727, -0.12356549501419067, -0.13279621303081512, -0.10129670798778534, -0.15153171122074127, -0.15027549862861633, -0.1323762983083725, -0.14916002750396729, -0.14150948822498322, -0.12927378714084625, -0.1393379420042038, -0.13790534436702728, -0.06493542343378067, 0.03050483949482441, 0.09263329952955246, 0.1780795305967331, 0.25324076414108276, 0.23025460541248322, 0.22093479335308075, 0.1979047656059265, 0.09655021131038666, 0.02866423688828945, -0.04229903221130371, -0.17455780506134033, -0.22119052708148956, -0.23058336973190308, -0.23281855881214142, -0.1477171629667282, -0.08172149956226349, -0.051591429859399796, 0.013667181134223938, 0.04462701082229614, 0.020501913502812386, 0.047522831708192825, 0.06704703718423843, 0.05280523747205734, 0.059038687497377396, 0.05981332063674927, 0.06148041784763336, 0.08996950834989548, 0.12474867701530457, 0.1414812207221985, 0.1279267519712448, 0.11314812302589417, 0.06951901316642761, 0.0004746573104057461, -0.05601959303021431, -0.08222664892673492, -0.09846244007349014, -0.10471177101135254, -0.0931299477815628, -0.08370449393987656, -0.0466807521879673, -0.010838448069989681, 0.012071088887751102, 0.03757839277386665, 0.06151910126209259, 0.0666361153125763, 0.05906883254647255, 0.04707660153508186, 0.05680536851286888, 0.07245536893606186, 0.07937993854284286, 0.09018316119909286, 0.0679602399468422, 0.05149993672966957, 0.04417509213089943, 0.018362317234277725, 0.0004902308573946357, 0.009974386543035507, 0.005165662616491318, -0.003787777153775096, 0.013114859350025654, 0.016823260113596916, 0.047153785824775696, 0.10722196847200394, 0.10695343464612961, 0.12083003669977188, 0.1318948119878769, 0.10477180033922195, 0.09190256148576736, 0.07015086710453033, 0.057733576744794846, 0.05763554573059082, 0.0272611603140831, 0.01615806296467781, 0.012743528932332993, -0.016682958230376244, -0.012420767918229103, 0.0191043671220541, 0.03326790779829025, 0.051319655030965805, 0.10080824047327042, 0.0993737205862999, 0.08594615757465363, 0.106202132999897, 0.07318416237831116, 0.053474247455596924, 0.0451350212097168, 0.006717873737215996, -0.014977502636611462, -0.007782260421663523, -0.0232715867459774, -0.007044713944196701, 0.021839290857315063, 0.005101556424051523, 0.01819690130650997, 0.01784251071512699, -0.0007250115741044283, -0.00013194528582971543, -0.013751797378063202, -0.017880704253911972, -0.0006705877603963017, -0.0231015607714653, -0.015738174319267273, 0.013328596949577332, -0.003003727877512574, 0.006787762977182865, 0.01733323372900486, -0.007930598221719265, -0.025721721351146698, -0.026131460443139076, -0.03626774623990059, -0.05763903632760048, -0.029433609917759895, -0.04198496416211128, -0.057243552058935165, -0.07004766911268234, -0.10028578341007233, -0.11101766675710678, -0.1414187252521515, -0.1301550269126892, -0.1361929327249527, -0.1377333700656891, -0.0964289978146553, -0.09699026495218277, -0.14438912272453308, -0.11958467215299606, -0.1252080649137497, -0.1743675172328949, -0.14765247702598572, -0.13403746485710144, -0.1520717889070511, -0.12334587424993515, -0.1031266376376152, -0.1243056058883667, -0.141036719083786, -0.11071260273456573, -0.10095509886741638, -0.016067171469330788, 0.06897386163473129, 0.11816532164812088, 0.1862175464630127, 0.22923575341701508, 0.2108556032180786, 0.18305496871471405, 0.15384440124034882, 0.050676148384809494, -0.015494816936552525, -0.08462706208229065, -0.1535041481256485, -0.1785978525876999, -0.17304955422878265, -0.13335759937763214, -0.10651116818189621, -0.05363329499959946, -0.01769350655376911, 0.004250419791787863, 0.004145155195146799, 0.014712724834680557, 0.03569098562002182, 0.028119973838329315, 0.056646864861249924, 0.059544384479522705, 0.07401815056800842, 0.10992429405450821, 0.13020120561122894, 0.1468050479888916, 0.1436040848493576, 0.11820867657661438, 0.07534127682447433, 0.037828583270311356, -0.01631220430135727, -0.0483892560005188, -0.06300996989011765, -0.08040784299373627, -0.07787119597196579, -0.07100648432970047, -0.047881901264190674, -0.02676619403064251, -0.0036951627116650343, 0.008868049830198288, 0.037285905331373215, 0.06254337728023529, 0.06086193025112152, 0.06957874447107315, 0.07181771099567413, 0.09212079644203186, 0.0999915599822998, 0.10658539086580276, 0.10150987654924393, 0.08841900527477264, 0.07141372561454773, 0.043844569474458694, 0.02469402551651001, 0.00534450076520443, 0.001989102689549327, 0.008718175813555717, 0.01588297262787819, 0.035085905343294144, 0.0637713149189949, 0.0977279394865036, 0.12083646655082703, 0.1293383240699768, 0.13208073377609253, 0.1180155947804451, 0.10368338227272034, 0.07622287422418594, 0.05388319864869118, 0.051638275384902954, 0.03568975254893303, 0.036128804087638855, 0.033331114798784256, 0.018153008073568344, 0.021365882828831673, 0.02680688165128231, 0.03685822710394859, 0.05584424361586571, 0.06792636960744858, 0.07383516430854797, 0.07593511790037155, 0.0689171850681305, 0.060678523033857346, 0.06055409088730812, 0.056829020380973816, 0.04321734234690666, 0.03157281503081322, 0.027149470522999763, 0.017835620790719986, 0.009899120777845383, 0.01702907867729664, 0.032576121389865875, 0.02950136922299862, 0.01914442516863346, 0.010869840160012245, 0.006156878545880318, -0.018191004171967506, -0.02215876430273056, -0.017208265140652657, -0.03364012762904167, -0.02245623804628849, -0.015117528848350048, -0.0029923177789896727, -0.007447697687894106, -0.0047761728055775166, 0.011779040098190308, -0.010835235007107258, -0.01914079301059246, -0.020591603592038155, -0.03869083151221275, -0.06456910073757172, -0.07310261577367783, -0.07333379238843918, -0.12371800094842911, -0.1232004463672638, -0.10524382442235947, -0.12997789680957794, -0.13033422827720642, -0.11596281826496124, -0.12394798547029495, -0.13438533246517181, -0.12436901777982712, -0.12144756317138672, -0.15571053326129913, -0.1324930638074875, -0.11531277745962143, -0.1473587602376938, -0.12445514649152756, -0.1310715675354004, -0.169834703207016, -0.16757726669311523, -0.18010622262954712, -0.17858317494392395, -0.08543702960014343, 0.006422223523259163, 0.07803332060575485, 0.2040873020887375, 0.2519627511501312, 0.2494855374097824, 0.24495112895965576, 0.21648479998111725, 0.11634133011102676, 0.04189235717058182, -0.019233377650380135, -0.13753750920295715, -0.18926182389259338, -0.19802804291248322, -0.20144043862819672, -0.1871863603591919, -0.09652519226074219, -0.05299261212348938, -0.03093329817056656, -0.009902816265821457, -0.006986320484429598, 0.002437560586258769, 0.018848178908228874, 0.041996926069259644, 0.06789082288742065, 0.08414886891841888, 0.13219520449638367, 0.13770946860313416, 0.1482876092195511, 0.17523881793022156, 0.1453654021024704, 0.11385677009820938, 0.06905923783779144, 0.01065366342663765, -0.04607087001204491, -0.0719234049320221, -0.08802897483110428, -0.08897820860147476, -0.07944309711456299, -0.053867511451244354, -0.03007785975933075, -0.015459689311683178, -0.001766800880432129, 0.015520191751420498, 0.03461705893278122, 0.04642278701066971, 0.06412173807621002, 0.06091471388936043, 0.07724244147539139, 0.10959818214178085, 0.10351337492465973, 0.11622506380081177, 0.12950259447097778, 0.099183589220047, 0.0677173063158989, 0.05776871368288994, 0.021649599075317383, 0.0031725382432341576, 0.007993337698280811, -0.0028008290100842714, 0.026296358555555344, 0.05145828053355217, 0.06841228157281876, 0.09262474626302719, 0.10944206267595291, 0.11663734912872314, 0.11439008265733719, 0.09662935882806778, 0.06896490603685379, 0.048934485763311386, 0.03996505215764046, 0.020255891606211662, 0.006279078312218189, 0.021664395928382874, 0.03471941873431206, 0.05378171056509018, 0.05943701043725014, 0.07012199610471725, 0.07893968373537064, 0.0729922279715538, 0.07461116462945938, 0.08630181103944778, 0.08100593090057373, 0.06743340939283371, 0.07869027554988861, 0.047193363308906555, 0.036905840039253235, 0.03618885576725006, 0.011777376756072044, 0.020477047190070152, 0.016650764271616936, -0.023674890398979187, -0.008320099674165249, -0.030665451660752296, -0.041001152247190475, -0.019260719418525696, -0.03196292370557785, -0.01279548928141594, -0.018534498289227486, -0.009890232235193253, -0.005216927267611027, -0.006792501546442509, -0.0005061539704911411, -0.012609525583684444, -0.0023927248548716307, -0.023534784093499184, -0.025139974430203438, -0.04121242091059685, -0.07435288280248642, -0.06148417666554451, -0.0988973081111908, -0.09759095311164856, -0.0706937238574028, -0.08019265532493591, -0.08249572664499283, -0.09294316172599792, -0.11492002755403519, -0.13171778619289398, -0.15600331127643585, -0.13843047618865967, -0.1620550900697708, -0.17940540611743927, -0.14798039197921753, -0.20589236915111542, -0.13988612592220306, -0.1295102834701538, -0.1524302363395691, -0.13461057841777802, -0.1295647770166397, -0.17877548933029175, -0.16807769238948822, -0.048478566110134125, -0.02909339964389801, 0.10988762974739075, 0.19672204554080963, 0.20452503859996796, 0.21609757840633392, 0.23537421226501465, 0.18507710099220276, 0.09535058587789536, 0.08450276404619217, -0.010408389382064342, -0.12788517773151398, -0.15151257812976837, -0.2173088788986206, -0.22469370067119598, -0.1486840397119522, -0.11483027786016464, -0.08994343876838684, -0.04793935269117355, -0.02534455992281437, -0.031486622989177704, 0.013769957236945629, 0.05478065833449364, 0.049503229558467865, 0.0920233428478241, 0.12537096440792084, 0.11421366780996323, 0.13806061446666718, 0.17445775866508484, 0.16359537839889526, 0.13797034323215485, 0.11042226105928421, 0.03553806245326996, -0.013234278187155724, -0.06066234037280083, -0.10793834179639816, -0.09221810102462769, -0.0839461237192154, -0.08169251680374146, -0.055047180503606796, -0.047759048640728, -0.023575762286782265, 0.011138289235532284, 0.022057130932807922, 0.03690201789140701, 0.047423142939805984, 0.058233197778463364, 0.045962680131196976, 0.06867621839046478, 0.09533628821372986, 0.09599585831165314, 0.12250145524740219, 0.10698779672384262, 0.07674527168273926, 0.06631738692522049, 0.04539865255355835, 0.018262777477502823, 0.02238694578409195, 0.03014569729566574, 0.01676280051469803, 0.03450031951069832, 0.039856843650341034, 0.032492559403181076, 0.07147669047117233, 0.07436542958021164, 0.08302242308855057, 0.07976338267326355, 0.0641091838479042, 0.04280170798301697, 0.01822332665324211, 0.03113294206559658, 0.003758111735805869, 0.011372532695531845, 0.036508459597826004, 0.030601372942328453, 0.031850505620241165, 0.043343398720026016, 0.06298580020666122, 0.07009726017713547, 0.07881250232458115, 0.09150419384241104, 0.08254558593034744, 0.08509645611047745, 0.06756436079740524, 0.043827153742313385, 0.047417767345905304, 0.03117782436311245, 0.0004392756673041731, -0.005267482716590166, -0.009406263008713722, -0.028425926342606544, -0.03383428975939751, -0.036576543003320694, -0.031199917197227478, -0.04845463111996651, -0.04276970401406288, -0.03070230782032013, -0.03053363226354122, -0.012031269259750843, 0.0062603699043393135, -0.0026678855065256357, 0.011031624861061573, 0.0019491469720378518, -0.022389978170394897, -0.04070591554045677, -0.060105592012405396, -0.08654848486185074, -0.11409372091293335, -0.11011424660682678, -0.12205791473388672, -0.11385241895914078, -0.11206230521202087, -0.11309229582548141, -0.11922943592071533, -0.12177291512489319, -0.1506701409816742, -0.12850721180438995, -0.15039248764514923, -0.17005957663059235, -0.1476859152317047, -0.1884019821882248, -0.1318993717432022, -0.15197744965553284, -0.14699910581111908, -0.1253424435853958, -0.163208469748497, -0.18382976949214935, -0.13588978350162506, -0.0444665402173996, -0.008558884263038635, 0.13182897865772247, 0.1849520057439804, 0.16851215064525604, 0.23268312215805054, 0.18612542748451233, 0.11431372910737991, 0.09313546866178513, 0.027012724429368973, -0.07516150921583176, -0.11575976014137268, -0.15636871755123138, -0.19609588384628296, -0.13821400701999664, -0.10617101192474365, -0.09070473909378052, -0.052520837634801865, -0.04283170402050018, -0.059835199266672134, -0.05196257308125496, -0.029887670651078224, 0.0011279495665803552, 0.0034063782077282667, 0.061601076275110245, 0.09823492914438248, 0.08468803018331528, 0.15851819515228271, 0.18135151267051697, 0.1401219367980957, 0.13688135147094727, 0.09915683418512344, 0.014753052033483982, -0.023106563836336136, -0.05181654915213585, -0.0751517117023468, -0.06531094759702682, -0.052677005529403687, -0.046083178371191025, -0.040824830532073975, -0.02191248908638954, -0.01253081951290369, -0.014161565341055393, 0.007199741899967194, 0.022071899846196175, 0.01476783212274313, 0.04234474152326584, 0.062224049121141434, 0.09284606575965881, 0.10866159200668335, 0.11726284772157669, 0.11772283911705017, 0.07985402643680573, 0.06217551603913307, 0.040190208703279495, 0.0199796911329031, 0.007823465391993523, 0.012989595532417297, 0.01284883450716734, 0.02240738645195961, 0.03867076709866524, 0.06675431877374649, 0.08851082623004913, 0.09775758534669876, 0.09958120435476303, 0.08522853255271912, 0.06757021695375443, 0.04399986192584038, 0.022396448999643326, 0.008601411245763302, 0.0012683398090302944, -0.011505941860377789, -0.017087388783693314, 0.004756857641041279, 0.011256150901317596, 0.011765643022954464, 0.04697795212268829, 0.05319640785455704, 0.03990967571735382, 0.05613039806485176, 0.0641498789191246, 0.04140608012676239, 0.032913029193878174, 0.04872090741991997, 0.030238663777709007, 0.03758804127573967, 0.030957631766796112, 0.013286009430885315, 0.009396209381520748, -0.02761714905500412, -0.02772766351699829, -0.04462866112589836, -0.05702061951160431, -0.027698935940861702, -0.04007721692323685, -0.04872946813702583, -0.03531569242477417, -0.04622507467865944, -0.05699646472930908, -0.04886214807629585, -0.05115767568349838, -0.03861478343605995, -0.05354433134198189, -0.041720516979694366, -0.04746951535344124, -0.07146618515253067, -0.0720059797167778, -0.09563089907169342, -0.10537183284759521, -0.11965319514274597, -0.12526379525661469, -0.1396511048078537, -0.14882396161556244, -0.14808212220668793, -0.15817654132843018, -0.1888686567544937, -0.16981253027915955, -0.17665711045265198, -0.16469056904315948, -0.14108674228191376, -0.11784180253744125, -0.14101530611515045, -0.14221440255641937, -0.13314880430698395, -0.1060149222612381, 0.0017332102870568633, 0.05199882760643959, 0.14437049627304077, 0.16446669399738312, 0.15606914460659027, 0.1848258376121521, 0.15244872868061066, 0.0946345254778862, 0.101772740483284, 0.01622883416712284, -0.07071638107299805, -0.06500070542097092, -0.1339789181947708, -0.12995919585227966, -0.09268820285797119, -0.07509995996952057, -0.09550796449184418, -0.07823633402585983, -0.09520313888788223, -0.09945207089185715, -0.06438882648944855, -0.03539763018488884, 0.028100738301873207, 0.0443885400891304, 0.09890182316303253, 0.11063920706510544, 0.1300283521413803, 0.15583086013793945, 0.16486261785030365, 0.15520088374614716, 0.12012452632188797, 0.0804719477891922, 0.02539626695215702, 0.004111983813345432, -0.014766436070203781, -0.00859159417450428, -0.011104597710072994, -0.019301800057291985, -0.03203129768371582, -0.05063009262084961, -0.03543530032038689, -0.04091861471533775, -0.03848682716488838, -0.0069120884872972965, 0.0017264652997255325, 0.013895323500037193, 0.05685080215334892, 0.0886760950088501, 0.11536245793104172, 0.14470185339450836, 0.12445580959320068, 0.113106869161129, 0.06971757113933563, 0.03978584706783295, 0.04398977383971214, 0.016274789348244667, 0.023451846092939377, 0.03334803134202957, 0.04828055202960968, 0.04224130138754845, 0.06542462855577469, 0.09945659339427948, 0.10507913678884506, 0.0962180495262146, 0.0985252857208252, 0.06967999786138535, 0.023819483816623688, 0.03357949107885361, 0.022580280900001526, 0.018583357334136963, 0.02047058939933777, 0.022241638973355293, 0.035213593393564224, 0.010363830253481865, 0.012831160798668861, 0.023217977955937386, 0.02181493490934372, 0.03175191953778267, 0.03281456232070923, 0.03161731734871864, 0.05480094254016876, 0.05285419523715973, 0.06858754903078079, 0.08216362446546555, 0.04282085597515106, 0.03252800181508064, 0.0039361813105642796, -0.01928669773042202, -0.03448266163468361, -0.005920139141380787, 0.0031571947038173676, -0.01478948350995779, -0.008360953070223331, -0.029074324294924736, -0.040327269583940506, -0.054754797369241714, -0.057739872485399246, -0.060158926993608475, -0.06627343595027924, -0.06921461224555969, -0.07137175649404526, -0.06544146686792374, -0.05215229466557503, -0.04960363730788231, -0.05636823549866676, -0.07909189164638519, -0.0928826704621315, -0.1092953234910965, -0.11836457997560501, -0.12402138859033585, -0.14116086065769196, -0.14673064649105072, -0.13793934881687164, -0.16286033391952515, -0.18323519825935364, -0.11504915356636047, -0.1629152148962021, -0.143342062830925, -0.1513349860906601, -0.1994771659374237, -0.14196346700191498, -0.052373144775629044, 0.024219820275902748, 0.11597844213247299, 0.22308801114559174, 0.16689105331897736, 0.24546325206756592, 0.19316692650318146, 0.11153507232666016, 0.13518676161766052, 0.020391220226883888, -0.037700165063142776, -0.060110386461019516, -0.1225537583231926, -0.11163277179002762, -0.07191351056098938, -0.06664388626813889, -0.03457105904817581, -0.05151701346039772, -0.07016745209693909, -0.08151491731405258, -0.07718073576688766, -0.06091244891285896, -0.019064223393797874, 0.015531680546700954, 0.028457405045628548, 0.08264145255088806, 0.09640677273273468, 0.13800005614757538, 0.15709127485752106, 0.14947821199893951, 0.1558665633201599, 0.09508716315031052, 0.06648135185241699, 0.027797149494290352, 0.01628164015710354, 0.018468467518687248, 0.011408556252717972, -0.005675577558577061, -0.03202620893716812, -0.023134853690862656, -0.04153072088956833, -0.026120459660887718, -0.02735944092273712, 0.0005359888891689479, 0.013804212212562561, 0.03672495856881142, 0.06623847782611847, 0.09119477868080139, 0.14014439284801483, 0.15482380986213684, 0.16269971430301666, 0.12800399959087372, 0.09840158373117447, 0.07593517005443573, 0.04892682656645775, 0.03299495950341225, 0.019943708553910255, 0.029756881296634674, 0.043380510061979294, 0.045388113707304, 0.0630287155508995, 0.0964607521891594, 0.09017515182495117, 0.07954691350460052, 0.0741376057267189, 0.015992892906069756, 0.014827839098870754, 0.009896280243992805, 0.021937647834420204, 0.04491673409938812, 0.06197142228484154, 0.07581903785467148, 0.06316766142845154, 0.0719362422823906, 0.06532927602529526, 0.04371876269578934, 0.03502378985285759, 0.027719831094145775, -0.008305773138999939, 0.01752208173274994, 0.0016868595266714692, 0.022325776517391205, 0.05557858571410179, 0.035567283630371094, 0.05147726088762283, 0.01775439828634262, 0.01279784832149744, 0.005762868095189333, -0.013143645599484444, -0.0021303261164575815, -0.022851211950182915, -0.02563604712486267, -0.03728378191590309, -0.04157813638448715, -0.03060171566903591, -0.047537609934806824, -0.03984786197543144, -0.05141890421509743, -0.07973777502775192, -0.08990327268838882, -0.09812480211257935, -0.10202639549970627, -0.10015255957841873, -0.08929774910211563, -0.10089296847581863, -0.09973379969596863, -0.11508489400148392, -0.10833422839641571, -0.137184277176857, -0.13593967258930206, -0.13144898414611816, -0.16229164600372314, -0.1859673261642456, -0.14706508815288544, -0.16251757740974426, -0.22065235674381256, -0.14033304154872894, -0.2179955393075943, -0.08899664133787155, -0.0020744758658111095, 0.0012527734506875277, 0.1488417536020279, 0.13648419082164764, 0.17610514163970947, 0.20484833419322968, 0.127634659409523, 0.12294324487447739, 0.10720613598823547, 0.03269368037581444, -0.003552835201844573, -0.03812755271792412, -0.0681048035621643, -0.07951048761606216, -0.04565150663256645, -0.10412333160638809, -0.07076288014650345, -0.07504048943519592, -0.09825339913368225, -0.07569026201963425, -0.0810951516032219, -0.05919415131211281, -0.01862720586359501, 0.004868621937930584, 0.05201956629753113, 0.09414267539978027, 0.103475421667099, 0.13956640660762787, 0.12063217908143997, 0.11210312694311142, 0.09663558006286621, 0.0884612649679184, 0.08150986582040787, 0.07151641696691513, 0.10312996059656143, 0.06788035482168198, 0.030849695205688477, 0.02987094037234783, 0.0021479723509401083, 0.002675300696864724, -0.029642917215824127, -0.02399512566626072, -0.02972373180091381, -0.035364020615816116, 0.01031336560845375, 0.03628545254468918, 0.06268635392189026, 0.1413261592388153, 0.14813867211341858, 0.15802758932113647, 0.16677266359329224, 0.13287530839443207, 0.11380023509263992, 0.07706715166568756, 0.05328990891575813, 0.042726535350084305, 0.07257987558841705, 0.07761839777231216, 0.07788301259279251, 0.08315682411193848, 0.08038464188575745, 0.08533299714326859, 0.070372574031353, 0.065520279109478, 0.062223952263593674, 0.05134857818484306, 0.0517798587679863, 0.0561511404812336, 0.06352999061346054, 0.047450754791498184, 0.0845242515206337, 0.07123809307813644, 0.04732512682676315, 0.05441422387957573, 0.0148247005417943, 0.002740486292168498, -0.009291128255426884, -0.023564957082271576, -0.02101091854274273, 0.003073812695220113, 0.012435832060873508, 0.038986604660749435, 0.033452194184064865, 0.023613234981894493, 0.019054682925343513, -0.04341757297515869, -0.03900422528386116, -0.06727782636880875, -0.05553285405039787, -0.029189148917794228, -0.0403226837515831, -0.0077002886682748795, -0.03426412120461464, -0.03772732987999916, -0.05896850302815437, -0.08868931978940964, -0.07910040020942688, -0.10000015050172806, -0.14511041343212128, -0.13654939830303192, -0.15980324149131775, -0.1882718950510025, -0.158688023686409, -0.18426892161369324, -0.157454714179039, -0.1422216296195984, -0.1374552696943283, -0.12374601513147354, -0.15183453261852264, -0.13633491098880768, -0.16234809160232544, -0.15902462601661682, -0.17447204887866974, -0.0915229544043541, -0.07218063622713089, 0.0023858430795371532, 0.0756254717707634, 0.0647672638297081, 0.13952021300792694, 0.09986337274312973, 0.12501707673072815, 0.0895412266254425, 0.0734124630689621, 0.055032238364219666, 0.030592359602451324, -0.022777369245886803, -0.028338158503174782, -0.03633326292037964, -0.07387542724609375, -0.037190232425928116, -0.07672694325447083, -0.08610372990369797, -0.10043919831514359, -0.10055584460496902, -0.10308145731687546, -0.09192004054784775, -0.026745617389678955, -0.022054634988307953, 0.026232348755002022, 0.054629135876894, 0.06474371999502182, 0.09923747181892395, 0.10994270443916321, 0.12519313395023346, 0.11600814014673233, 0.134800985455513, 0.12453284859657288, 0.11412366479635239, 0.11028656363487244, 0.08619827032089233, 0.07988198101520538, 0.045296844094991684, 0.007121831178665161, 0.0017024773405864835, -0.044425394386053085, -0.036852866411209106, -0.03856130316853523, -0.03639066591858864, 0.00776120787486434, 0.010091490112245083, 0.05101266875863075, 0.06757554411888123, 0.09586083889007568, 0.13757318258285522, 0.13918094336986542, 0.1551298052072525, 0.1496303826570511, 0.14301882684230804, 0.12994186580181122, 0.1109064444899559, 0.12094178050756454, 0.08741828799247742, 0.09474337100982666, 0.06753673404455185, 0.03456833213567734, 0.038367751985788345, 0.03135501593351364, 0.011950911022722721, -0.012265906669199467, 0.024648228660225868, -0.008872182108461857, 0.02728639915585518, 0.03917846456170082, 0.07447681576013565, 0.08087983727455139, 0.07961811125278473, 0.0812658965587616, 0.04036768153309822, 0.029043547809123993, 0.020629914477467537, -0.005120290908962488, -0.030070366337895393, -0.012592406943440437, -0.032861318439245224, -0.015389976091682911, -0.02029683068394661, -0.01440439373254776, -0.00861369725316763, -0.014671042561531067, -0.03423445299267769, -0.049310844391584396, -0.04779329523444176, -0.048924319446086884, -0.036863867193460464, -0.03743140771985054, -0.029919547960162163, -0.047263920307159424, -0.07818921655416489, -0.09405796229839325, -0.1366242915391922, -0.1482323855161667, -0.13780160248279572, -0.16757921874523163, -0.16041775047779083, -0.13018058240413666, -0.13237158954143524, -0.13456489145755768, -0.09617998450994492, -0.12391433119773865, -0.12272288650274277, -0.10420725494623184, -0.173588827252388, -0.13944797217845917, -0.13747692108154297, -0.14657114446163177, -0.12111169099807739, -0.13525742292404175, -0.12353237718343735, -0.09213072806596756, -0.017442433163523674, 0.010115171782672405, 0.07041885703802109, 0.09127302467823029, 0.11278867721557617, 0.11907747387886047, 0.08896098285913467, 0.06880048662424088, 0.043219104409217834, 0.0022495125886052847, -0.00411231629550457, -0.04353592172265053, -0.0830615758895874, -0.026492096483707428, -0.06518442928791046, -0.02664957195520401, -0.008603944443166256, -0.02892097644507885, -0.042235877364873886, -0.05982149764895439, -0.07952951639890671, -0.06255786865949631, -0.03748300299048424, -0.02795148827135563, -0.003121456364169717, 0.022353973239660263, 0.038460832089185715, 0.05971258506178856, 0.09488773345947266, 0.0821099504828453, 0.10693219304084778, 0.08713725209236145, 0.09011141955852509, 0.07206317782402039, 0.09033320844173431, 0.11009863018989563, 0.07574523985385895, 0.09456276148557663, 0.04633380472660065, 0.028960829600691795, 0.01114029809832573, -0.007389681879431009, 0.020783178508281708, 0.0009599781478755176, 0.03922611474990845, 0.05676785111427307, 0.059620168060064316, 0.08358994126319885, 0.10242465138435364, 0.11869165301322937, 0.12300809472799301, 0.11280239373445511, 0.0936877503991127, 0.07252536714076996, 0.041788458824157715, 0.049416638910770416, 0.037552040070295334, 0.03363504633307457, 0.04702183976769447, 0.03015090338885784, 0.03922104090452194, 0.05876252055168152, 0.06541154533624649, 0.07595861703157425, 0.07400206476449966, 0.07465536892414093, 0.07756640762090683, 0.061579007655382156, 0.06912651658058167, 0.05952024832367897, 0.04717762768268585, 0.04302321374416351, 0.03427857533097267, 0.012166513130068779, -0.006156329996883869, -0.019054319709539413, -0.02610716037452221, -0.03195556253194809, -0.031147247180342674, -0.03386729955673218, -0.06698674708604813, -0.06999034434556961, -0.0763111487030983, -0.07664595544338226, -0.07751981168985367, -0.06762709468603134, -0.0679829940199852, -0.07556243985891342, -0.06241317465901375, -0.07324620336294174, -0.06497309356927872, -0.06710798293352127, -0.05775958672165871, -0.0660686045885086, -0.0797414779663086, -0.08249643445014954, -0.09111343324184418, -0.1005619466304779, -0.09520072489976883, -0.10336275398731232, -0.09621472656726837, -0.11099103838205338, -0.13626720011234283, -0.1428249478340149, -0.13122667372226715, -0.11876217275857925, -0.1068645492196083, -0.09897543489933014, -0.12116455286741257, -0.10219039767980576, -0.10177388042211533, -0.09696625173091888, -0.07685953378677368, -0.02195943146944046, 0.018789302557706833, 0.05570535361766815, 0.07179879397153854, 0.09158104658126831, 0.10850296914577484, 0.09105910360813141, 0.0746961310505867, 0.04978638142347336, 0.007689472753554583, 0.000143845405546017, -0.01641908660531044, -0.036723602563142776, -0.005497152917087078, -0.0007086875266395509, -0.0035051051527261734, -0.01430143415927887, -0.03578723967075348, -0.03913465142250061, -0.02687525376677513, -0.04121285676956177, -0.014323901385068893, -0.01319208089262247, -0.002634601667523384, 0.03921112045645714, 0.055044520646333694, 0.0634414330124855, 0.09674129635095596, 0.09592125564813614, 0.10459942370653152, 0.09974268823862076, 0.08498994261026382, 0.090235136449337, 0.09393870830535889, 0.09000688791275024, 0.09209952503442764, 0.09294188767671585, 0.07937914878129959, 0.08081351220607758, 0.055023208260536194, 0.05798620358109474, 0.055604297667741776, 0.04513029381632805, 0.05572724714875221, 0.04136655479669571, 0.04359200596809387, 0.05533547326922417, 0.04770480841398239, 0.05773632600903511, 0.05438297241926193, 0.05614100769162178, 0.054141536355018616, 0.05485028401017189, 0.06874524056911469, 0.04408452659845352, 0.05710421875119209, 0.050629254430532455, 0.045864980667829514, 0.06722233444452286, 0.04622272029519081, 0.06429018080234528, 0.06149040535092354, 0.0511438250541687, 0.06169518455862999, 0.051933810114860535, 0.06427986919879913, 0.04092046618461609, 0.05105769634246826, 0.02771863527595997, 0.021802622824907303, 0.03775591403245926, 0.010692423209547997, 0.022482283413410187, -0.004769569728523493, 0.0028038076125085354, -0.009156731888651848, -0.013391845859587193, -0.013344135135412216, -0.0262451171875, -0.027900688350200653, -0.03717489168047905, -0.03525030240416527, -0.04570424184203148, -0.0554305762052536, -0.052536819130182266, -0.045370228588581085, -0.04881518706679344, -0.04707487300038338, -0.04664342477917671, -0.05794962868094444, -0.04675650969147682, -0.053917285054922104, -0.04719604551792145, -0.06786113977432251, -0.07199334353208542, -0.0719890221953392, -0.09472716599702835, -0.08843084424734116, -0.08467450737953186, -0.08603551983833313, -0.08313046395778656, -0.07474399358034134, -0.09402850270271301, -0.07677534222602844, -0.09739482402801514, -0.0786258801817894, -0.09158239513635635, -0.07934219390153885, -0.08153440058231354, -0.07673992961645126, -0.07041184604167938, -0.05988655611872673, -0.04636160656809807, -0.08348073810338974, -0.03744276985526085, -0.08489769697189331, -0.06153879687190056, -0.05402399227023125, -0.0646962895989418, -0.03866759315133095, -0.050359249114990234, -0.01909562572836876, -0.021967977285385132, -0.005932902917265892, 0.021271124482154846, 0.001382504589855671, 0.0322861410677433, 0.015033206902444363, 0.01436926145106554, 0.039069510996341705, 0.014808020554482937, 0.02597956731915474, 0.016316553577780724, 0.008537532761693, 0.03109593130648136, 0.01884523779153824, 0.02387090027332306, 0.020354071632027626, -0.0026558712124824524, 0.022477757185697556, -0.00036807014839723706, 0.0025266455486416817, 0.009441542439162731, 0.0352415107190609, 0.02759459801018238, 0.03619418665766716, 0.03806760534644127, 0.040082551538944244, 0.04434074088931084, 0.045443881303071976, 0.05972931161522865, 0.04697609320282936, 0.06924594938755035, 0.052993424236774445, 0.0684100016951561, 0.04651568830013275, 0.07407481968402863, 0.05410442128777504, 0.043126605451107025, 0.056412067264318466, 0.03919041529297829, 0.040639910846948624, 0.04089164361357689, 0.03900989890098572, 0.04179086536169052, 0.05069950595498085, 0.04287729784846306, 0.06260023266077042, 0.04133756086230278, 0.048516202718019485, 0.06493867188692093, 0.046857625246047974, 0.04976705461740494, 0.050461024045944214, 0.040596652776002884, 0.03873560205101967, 0.02772536873817444, 0.029227616265416145, 0.014049628749489784, 0.021135317161679268, 0.02003532648086548, 0.014890179969370365, 0.009344273246824741, 0.012815728783607483, 0.011796137318015099, 0.011846667155623436, 0.02549852803349495, 0.013436790555715561, 0.024421043694019318, 0.01881803385913372, 0.018040714785456657, 0.014085352420806885, 0.010786682367324829, 0.0019788958597928286, 0.0065768687054514885, -0.021038537845015526, -0.00938601978123188, -0.028044790029525757, -0.02231183648109436, -0.02076754905283451, -0.03774254769086838, -0.016545291990041733, -0.03888093680143356, -0.02768334001302719, -0.04275953024625778, -0.016402320936322212, -0.041356101632118225, -0.05749676004052162, -0.03186771273612976, -0.057603780180215836, -0.03236186131834984, -0.024332473054528236, -0.058110561221838, -0.0383014902472496, -0.05208014324307442, -0.05984260514378548, -0.051478005945682526, -0.053378164768218994, -0.0434798039495945, -0.031861137598752975, -0.04490524157881737, -0.0591341070830822, -0.036645904183387756, -0.05636553466320038, -0.03971441835165024, -0.05027386173605919, -0.063760906457901, -0.0516035296022892, -0.06318172067403793, -0.04899628832936287, -0.04606055095791817, -0.03667609393596649, -0.044765833765268326, -0.030817894265055656, -0.04399338364601135, -0.04278234392404556, -0.037975821644067764, -0.043302327394485474, -0.04751595854759216, -0.0329168327152729, -0.03060912899672985, -0.03810194134712219, -0.014558711089193821, -0.040513746440410614, -0.029772423207759857, -0.017754675820469856, -0.03976280987262726, -0.01809505932033062, -0.02650090493261814, -0.04129879176616669, -0.002691109897568822, -0.0199667289853096, -0.01643446646630764, 0.005137782543897629, -0.004818574991077185, 2.7468855478218757e-05, -0.003624261124059558, 0.01966376043856144, 0.012442071922123432, 0.018628068268299103, 0.026053138077259064, 0.01870761252939701, 0.04477629438042641, 0.031045153737068176, 0.05673237144947052, 0.032042037695646286, 0.03045567311346531, 0.047565899789333344, 0.01761646196246147, 0.03848137706518173, 0.032364215701818466, 0.03068513423204422, 0.030629614368081093, 0.020414359867572784, 0.03323030471801758, 0.024642260745167732, 0.030129777267575264, 0.02219059132039547, 0.025495344772934914, 0.04833984375, 0.029535183683037758, 0.044104836881160736, 0.04282055422663689, 0.04157407954335213, 0.04415743052959442, 0.03533149138092995, 0.03424656391143799, 0.031145406886935234, 0.020972279831767082, 0.040314726531505585, 0.02709169313311577, 0.03527555242180824, 0.035630133002996445, 0.02024233713746071, 0.03346062824130058, 0.024768568575382233, 0.02204233594238758, 0.021498603746294975, 0.027642466127872467, 0.014261586591601372, 0.027625637128949165, 0.02579445019364357, 0.020302684977650642, 0.0251154862344265, 0.021024011075496674, 0.017525874078273773, 0.019123150035738945, 0.004596289712935686, 0.004661395214498043, 0.00028175910119898617, -0.01319400779902935, 0.007142882794141769, -0.029358314350247383, -0.012288020923733711, -0.021980533376336098, -0.0066187032498419285, -0.009787525050342083, -0.039423149079084396, -0.0022313829977065325, -0.0052252598106861115, -0.011281291954219341, -0.016529947519302368, -0.00488234544172883, -0.009191003628075123, -0.0057809846475720406, -0.027615943923592567, -0.013818622566759586, -0.010566968470811844, -0.00952289067208767, -0.01603255607187748, -0.03121035359799862, -0.007893041707575321, -0.0008617906714789569, -0.05032362788915634, -0.011106345802545547, -0.020337000489234924, -0.025594046339392662, -0.031097466126084328, -0.02874896489083767, -0.005105510354042053, -0.03297729790210724, -0.021813688799738884, -0.01984107308089733, -0.03994305431842804, 0.005699711386114359, -0.03341012820601463, -0.041624534875154495, -0.010558304376900196, -0.03252410516142845, -0.003860774450004101, -0.033522121608257294, -0.01496069971472025, 0.0038507257122546434, -0.011797195300459862, -0.041530657559633255, -0.0013030945556238294, -0.002025909023359418, -0.03097453899681568, -0.008615588769316673, -0.007886892184615135, 0.0044184355065226555, -0.012044337578117847, -0.011073129251599312, -0.014719292521476746, -0.007459419313818216, -0.012628755532205105, -0.0017313560238108039, -0.009827205911278725, 0.006074478849768639, -0.024550044909119606, -0.01498871948570013, -0.0017654673429206014, -0.017219161614775658, 0.015569604933261871, -0.018255295231938362, 0.008958027698099613, 0.003162871114909649, -0.0014463441912084818, 0.020093627274036407, -0.0017318231984972954, -0.0071372524835169315, 0.0015424694865942001, 0.0011930577456951141, 0.011407226324081421, 0.0056174155324697495, 0.009636951610445976, 0.019321946427226067, -0.017474595457315445, 0.0008364723762497306, 0.009567099623382092, -0.0013956123730167747, 0.01188368909060955, 0.0057831318117678165, 0.005959259811788797, 0.022547611966729164, 0.007420239504426718, 0.022668715566396713, 0.0077369255013763905, 0.009681407362222672, -0.0029648898635059595, 0.007008007261902094, 0.025942716747522354, -0.008997749537229538, 0.0005614630063064396, 0.014609561301767826, 0.001315068919211626, 0.0015056132106110454, 0.03707876428961754, 0.00393142132088542, -0.01839764602482319, 0.02409008890390396, 0.011270878836512566, -0.018492314964532852, 0.007337184157222509, 0.0347437746822834, 0.0076732332818210125, -0.0024972460232675076, 0.022838272154331207, 0.03252260014414787, 0.012250412255525589, -0.002607247093692422, -0.006273604929447174, 0.028056280687451363, 0.0001870915584731847, 0.003581792348995805, 0.008702999912202358, 0.016142314299941063, -0.004653781186789274, -0.0066548497416079044, 0.013830110430717468, -0.01734064519405365, 0.02559199556708336, -0.020090380683541298, -0.01708219200372696, 0.019639771431684494, -0.0030981639865785837, 0.0015239890199154615, -0.04724326729774475, 0.025086088106036186, -0.028476646170020103, -0.01947413943707943, 0.00913167092949152, -0.009582644328474998, -0.009977766312658787, -0.006784894969314337, 0.019185218960046768, -0.03474136069417, 0.011921688914299011, -0.01159859448671341, 0.002131802262738347, 0.02752666175365448, -0.005743678659200668, -0.03084448166191578, 0.011675081215798855, -0.0027453438378870487, -0.07323116809129715, 0.03977731615304947, 0.01926247961819172, -0.06377602368593216, -0.023622486740350723, -0.0013631538022309542, -0.01083491463214159, -0.058379191905260086, -0.026455143466591835, 0.014405625872313976, -0.028354628011584282, -0.04208173602819443, 0.033222973346710205, 0.00802560430020094, -0.03321276977658272, -0.01859869249165058, -0.032771430909633636, 0.02559363655745983, -0.03253072872757912, -0.018378255888819695, -0.001383272116072476, -0.0003990186669398099, 0.005624086130410433, -0.037859827280044556, -0.0192714910954237, 0.02771628461778164, 0.014745575375854969, -0.061402980238199234, -0.01739594154059887, 0.04004138708114624, 0.0054521020501852036, -0.06458776444196701, 0.027454862371087074, -0.029752381145954132, -0.011728350073099136, -0.00020235069678165019, -0.0169812198728323, 0.020280707627534866, -0.0005466088769026101, -0.019288619980216026, 0.012146799825131893, -0.0068809292279183865, -0.025687824934720993, 0.017133330926299095, 0.013042275793850422, -0.02832130156457424, 0.004847795702517033, 0.0158979669213295, -0.04914821684360504, 0.007015418726950884, 0.00951434951275587, -0.033433813601732254, -0.019579365849494934, -0.010711743496358395, -0.03898116946220398, 0.008673126809298992, -0.031807005405426025, -0.04239984229207039, 0.00600644713267684, -0.01902320608496666, -0.038987353444099426, -0.01628815568983555, 0.0067496937699615955, 0.00698506273329258, -0.03937466815114021, -0.04067850112915039, 0.05814735218882561, -0.02926790900528431, -0.021632300689816475, 0.00751093402504921, 0.021732773631811142, -0.04539169371128082, 0.022233322262763977, -0.024384871125221252, 0.014453645795583725, 0.04466092213988304, -0.0649060308933258, 0.032623495906591415, 0.01432466134428978, -0.019219862297177315, 0.016740888357162476, 0.007755142170935869, 0.0044228509068489075, -0.021094810217618942, 0.03399650752544403, -0.017500655725598335, -0.011462206952273846, 0.014163044281303883, -0.07416461408138275, 0.06079971417784691, -0.01614985801279545, -0.008786276914179325, -0.02312931790947914, -0.041056521236896515, 0.06639622896909714, -0.06590806692838669, 0.029889555647969246, 0.013906046748161316, 0.0005988525808788836, 0.011147861368954182, -0.02608420141041279, 0.05019703507423401, -0.06564527004957199, 0.0657646432518959, -0.05687399581074715, 0.03275175765156746, 0.012816054746508598, -0.007639712188392878, 0.05015670508146286, -0.04470432177186012, 0.028364503756165504, -0.02162858285009861, -0.011258464306592941, -0.0024218435864895582, -0.032296258956193924, 0.049423009157180786, -0.07623177021741867, 0.037186700850725174, -0.012352865189313889, -0.03926378861069679, 0.050172965973615646, -0.07037398964166641, 0.027333801612257957, 0.050328873097896576, -0.05499192327260971, 0.014924137853085995, 0.016553059220314026, -0.010272440500557423, 0.00165318523067981, 0.013542252592742443, -0.036183588206768036, 0.03741695359349251, -0.029726095497608185, 0.0058771762996912, -0.017535418272018433, 0.005327969789505005, 0.011731613427400589, -0.012517372146248817, -0.02365364134311676, 0.02468278259038925, -0.013119407929480076, 0.0027886766474694014, 0.006059399340301752, -0.0034596475306898355, 0.01660075969994068, -0.04586511477828026, 0.06070512905716896, -0.04055625572800636, 0.0262291319668293, 0.012402537278831005, -0.011925921775400639, -0.005442845169454813, -0.009991403669118881, 0.033523328602313995, -0.05546711012721062, 0.045434873551130295, 0.0078141363337636, 0.00012712118041235954, -0.020784351974725723, 0.05485711991786957, -0.025487281382083893, -0.00398978078737855, 0.05514786019921303, -0.04850549250841141, 0.0617360919713974, -0.04830361157655716, 0.020471647381782532, 0.035917606204748154, -0.011164243333041668, -0.014414777047932148, -0.003824385115876794, 0.05429700016975403, -0.06078578531742096, 0.015782279893755913, -0.013109134510159492, 0.0259271077811718, 0.02135295607149601, -0.07164300233125687, 0.07245710492134094, -0.03233301639556885, 0.024499591439962387, -0.03032374195754528, -0.025602810084819794, 0.07789207994937897, -0.0897250697016716, 0.07670900970697403, -0.05174999311566353, 0.02083451859652996, 0.018185636028647423, -0.028558999300003052, 0.03756034001708031, -0.023285644128918648, 0.05868805572390556, -0.09240870177745819, 0.05852648243308067, 0.04483262822031975, -0.04917478561401367, 0.01490760874003172, 0.04290205240249634, 0.004057897720485926, -0.04361909255385399, 0.050778280943632126, -0.0016652904450893402, -0.01961246132850647, 0.02047533541917801, 0.02317756414413452, -0.05932636931538582, 0.07244496047496796, -0.03742294758558273, 0.0036772910971194506, 0.0036794061306864023, -0.029134301468729973, 0.002737728413194418, 0.005769145675003529, -0.014376268722116947, 0.04890121892094612, -0.03517487272620201, 0.023938454687595367, 0.020011670887470245, -0.06101744994521141, 0.08044282346963882, -0.05018768832087517, 0.008802269585430622, 0.017438378185033798, 0.009833525866270065, -0.0261014886200428, 0.033546946942806244, 0.04043186828494072, -0.05959383025765419, 0.06451816111803055, -0.04221973195672035, 0.012973659671843052, 0.039591528475284576, -0.04928893223404884, 0.0359545461833477, -0.038220491260290146, 0.08940231800079346, -0.089497871696949, 0.0010452171554788947, 0.08056312054395676, -0.02165752835571766, -0.05361500382423401, 0.06053730472922325, -0.034156717360019684, 0.06165797635912895, -0.06543765962123871, -0.009715487249195576, 0.09276009351015091, -0.06305935233831406, 0.032469265162944794, -0.021571975201368332, 0.08158587664365768, -0.08091681450605392, 0.03432532772421837, -0.016122272238135338, 0.02761048637330532, 0.0223439522087574, -0.03192149102687836, 0.018859459087252617, -0.02780957706272602, 0.0680965930223465, -0.062244486063718796, 0.056726787239313126, -0.014706939458847046, -0.003172775264829397, 0.031441040337085724, -0.04739970341324806, 0.07458573579788208, -0.02402387000620365, -0.022477153688669205, 0.040802739560604095, -0.005290796980261803, -0.028868410736322403, 0.0161821860820055, -0.0013816622085869312, 0.015785524621605873, -0.007704190444201231, -0.07284487783908844, 0.163702130317688, -0.13259892165660858, 0.0755808874964714, -0.051627833396196365, 0.055388521403074265, -0.03755651414394379, -0.008615951053798199, 0.038912270218133926, -0.04826343432068825, 0.10018828511238098, -0.12135104089975357, 0.120552659034729, -0.06497179716825485, -0.005457954481244087, 0.08575373142957687, -0.0763457790017128, -0.010903019458055496, 0.07611284404993057, -0.04094890505075455, -0.01694314554333687, 0.03763532266020775, -0.036760713905096054, 0.015345410443842411, -0.008441523648798466, -0.03147648647427559, 0.08003360778093338, -0.07616525888442993, 0.045462679117918015, -0.013039007782936096, 0.023572856560349464, -0.039867401123046875, 0.020728645846247673, 0.007932824082672596, -0.0033662805799394846, -0.022590041160583496, 0.006780467927455902, 0.04470602050423622, -0.015834493562579155, -0.02507675625383854, 0.040819987654685974, -0.0036185283679515123, -0.0677466168999672, 0.0626089945435524, 0.02305484563112259, -0.07568664103746414, 0.010889932513237, 0.05330756679177284, -0.04110264033079147, 0.029417162761092186, -0.06040790304541588, 0.049553532153367996, 0.002509533427655697, -0.035944920033216476, 0.007618552073836327, -0.005889111198484898, 0.006506206467747688, 0.021239567548036575, -0.046410370618104935, 0.024990448728203773, -0.003193484852090478, 0.05511148273944855, -0.04829799756407738, -0.029439032077789307, 0.06366710364818573, -0.04415179789066315, 0.021165072917938232, -0.049714233726263046, 0.06576010584831238, -0.01959063671529293, -0.02435159869492054, 0.017458481714129448, 0.003489881055429578, -0.00824014563113451, -0.02719191648066044, -0.01225627213716507, 0.05595420300960541, -0.01747877709567547, -0.04242461174726486, 0.03528062626719475, 0.025896351784467697, -0.018718596547842026, -0.04421510919928551, 0.02089693956077099, 0.05898909643292427, -0.07756131142377853, 0.020609835162758827, -0.0007775696576572955, 0.02395094931125641, -0.01897543855011463, -0.04581346735358238, 0.09033461660146713, -0.07983528822660446, 0.07729163020849228, -0.07062867283821106, 0.01458644401282072, 0.06656882911920547, -0.11189554631710052, 0.055458247661590576, 0.020483721047639847, 0.006788646336644888, -0.05878647789359093, 0.07686932384967804, -0.07799971848726273, 0.08249200880527496, -0.052108973264694214, -0.045965954661369324, 0.08118525892496109, -0.01941945217549801, -0.02525687776505947, -0.0018944378243759274, 0.01135055348277092, 0.009798673912882805, -0.03124210238456726, 0.02200305461883545, -0.01665232703089714, 0.022547535598278046, -0.00588058540597558, -0.018944978713989258, -0.008372542448341846, 0.03815734013915062, -0.046533823013305664, 0.015604563988745213, -0.0035509231965988874, -0.029454069212079048, 0.0700036957859993, -0.07356049120426178, -0.004874736536294222, 0.07249882072210312, -0.06330768018960953, -0.0060477349907159805, 0.01607476733624935, 0.030710211023688316, -0.05475245788693428, 0.0064588021486997604, 0.032116204500198364, -0.020428955554962158, -0.017308279871940613, 0.03920091316103935, -0.022128526121377945, -0.018491990864276886, -0.012924117967486382, 0.06184202432632446, -0.05703037977218628, -0.045095112174749374, 0.09848958253860474, -0.0914333388209343, 0.057477694004774094, -0.048660315573215485, 0.034821316599845886, -0.02831026166677475, 0.027617430314421654, -0.00820064079016447, -0.006464650854468346, -0.04486376792192459, 0.07591651380062103, -0.04559287056326866, -0.017580822110176086, 0.03691151365637779, -0.06628724187612534, 0.07840282469987869, -0.08626618981361389, 0.061171505600214005, -0.006720586214214563, -0.05653894320130348, 0.06646839529275894, 0.0019802707247436047, -0.06800953298807144, 0.05971939489245415, -0.0023840870708227158, -0.0483926385641098, 0.07327836751937866, -0.11578910052776337, 0.16149605810642242, -0.17440183460712433, 0.09134705364704132, 0.009870711714029312, -0.06140853092074394, 0.021115586161613464, -0.001857819501310587, 0.05153269320726395, -0.06574235111474991, -0.0044927396811544895, 0.05453372374176979, -0.0033963744062930346, -0.058333102613687515, 0.03754742071032524, -0.007278447970747948, 0.004992536269128323, -0.0035901463124901056, -0.011306985281407833, 0.007864016108214855, 0.024102047085762024, -0.023460540920495987, 0.004043035674840212, 0.003380649723112583, 0.004084783606231213, -0.006932861637324095, -0.018009230494499207, 0.021716710180044174, -0.021852709352970123, 0.01988109201192856, -0.026300784200429916, 0.03888704255223274, -0.03639954328536987, 0.02458653599023819, 0.0014622632879763842, -0.048460621386766434, 0.06880686432123184, -0.0445154532790184, 0.030142419040203094, -0.0102962302044034, -8.99999140528962e-05, 0.054484955966472626, -0.12607550621032715, 0.15384158492088318, -0.09967433661222458, -0.007924609817564487, 0.06240236759185791, -0.03442314639687538, -0.0166191216558218, 0.033898014575242996, 0.02477923408150673, -0.07403280586004257, 0.059940155595541, -0.016192156821489334, -0.0006817321991547942, -0.021356673911213875, 0.034803684800863266, -0.017687920480966568, 0.0210871621966362, -0.025956545025110245, 0.045911915600299835, -0.04224323481321335, 0.007739888969808817, 0.06789907068014145, -0.11600647121667862, 0.09574028849601746, -0.03157362714409828, -0.013680418021976948, 0.04331344738602638, -0.06491158157587051, 0.0683147981762886, -0.025276638567447662, -0.0369265116751194, 0.05337244272232056, 0.0010762324091047049, -0.0651048943400383, 0.056404709815979004, -0.008672463707625866, -0.04318820312619209, 0.0683426782488823, -0.10961133241653442, 0.1151810884475708, -0.04811292886734009, -0.09100989997386932, 0.15655571222305298, -0.07778634876012802, -0.03956049308180809, 0.049224793910980225, -0.004411362577229738, -0.024396546185016632, 0.024455949664115906, -0.021837016567587852, 0.015013354830443859, 0.010971210896968842, -0.026542268693447113, 0.02341355010867119, 0.010811587795615196, -0.012248779647052288, 0.0162650253623724, -0.005971533711999655, 0.012669829651713371, -0.028492935001850128, 0.014910520054399967, 0.031018652021884918, -0.071353480219841, 0.03813331201672554, 0.040057405829429626, -0.07746580988168716, 0.08556711673736572, -0.05243835225701332, 0.00556934205815196, 0.03443733975291252, -0.058119501918554306, 0.05829451233148575, -0.04608047008514404, 0.028380261734128, -0.02591633051633835, 0.012175404466688633, 0.0052463579922914505, -0.014837863855063915, -0.013005386106669903, 0.006901273969560862, 0.007391446735709906, -0.04230178892612457, 0.03892873600125313, -0.011332101188600063, -0.029656320810317993, 0.05827239155769348, -0.07278871536254883, 0.04703415557742119, -0.006334121339023113, 0.0022700142581015825, -0.04426548629999161, 0.05348621681332588, 0.0038890757132321596, -0.04903148114681244, 0.03181241825222969, -0.004432959482073784, 0.008288376964628696, -0.02449388988316059, 0.01064341887831688, 0.017990337684750557, -0.010989600792527199, -0.028772667050361633, 0.04912422597408295, -0.011420994997024536, -0.04948411136865616, 0.06329800188541412, -0.048447273671627045, 0.001001047668978572, 0.02708212099969387, -0.012809248641133308, -0.017289644107222557, 0.03441775590181351, -0.03007301688194275, 0.02939116209745407, -0.025370318442583084, 0.017366992309689522, -0.007626640144735575, -0.0021918481215834618, -0.0148871885612607, 0.028699995949864388, 0.008914702571928501, -0.05419978126883507, 0.04276376590132713, 0.006183961406350136, -0.01785549707710743, -0.022162340581417084, -0.008707401342689991, 0.10336640477180481, -0.10998973995447159, -0.030948946252465248, 0.1914709210395813, -0.19657117128372192, 0.12820835411548615, -0.08347294479608536, 0.05521741509437561, -0.011130351573228836, -0.0120756970718503, -0.012208521366119385, 0.015042479149997234, 0.010664444416761398, -0.011877043172717094, 0.0030843124259263277, 0.003069615224376321, 0.01717516779899597, -0.01012727152556181, -0.026625866070389748, 0.022503644227981567, 0.005875190254300833, -0.0022318146657198668, -0.0017634048126637936, -0.01590711437165737, 0.07041174173355103, -0.06759800761938095, 0.020904555916786194, 0.0042858119122684, 0.019242005422711372, -0.03122168965637684, 0.030875982716679573, -0.013161182403564453, -0.002153187058866024, 0.039793163537979126, -0.056535933166742325, 0.02141806110739708, 0.01608341373503208, 0.00501504959538579, -0.04928771033883095, 0.07941199094057083, -0.07240952551364899, 0.07237282395362854, -0.0590597428381443, 0.03328723460435867, 0.01020283717662096, -0.0010209378087893128, -0.026095962151885033, 0.051685575395822525, -0.05755900964140892, 0.03471822664141655, 0.03424092382192612, -0.08940653502941132, 0.07872878015041351, -0.010108987800776958, -0.033655665814876556, 0.026000628247857094, -0.007465825881808996, 0.0001632010389585048, 0.009679554030299187, -0.037463635206222534, 0.04037090018391609, 9.651860455051064e-05, 0.005940050818026066, -0.034026261419057846, 0.06620287895202637, -0.06076207756996155, 0.02820078283548355, 0.005722254514694214, -0.022313281893730164, 0.0016766097396612167, 0.048739027231931686, -0.09990100562572479, 0.11418738216161728, -0.0597539097070694, 0.012178120203316212, 0.027631858363747597, -0.029901668429374695, 0.01471919659525156, -0.0029188874177634716, -0.0044601974077522755, 0.011610617861151695, -0.024680349975824356, -0.010676383972167969, 0.08342788368463516, -0.11194988340139389, 0.09167585521936417, -0.04551127180457115, 0.020074650645256042, -0.0027833550702780485, -0.03289150446653366, 0.03368518874049187, -0.02274254709482193, 0.0509728379547596, -0.11724228411912918, 0.150483638048172, -0.10647612810134888, 0.0478181466460228, 0.0001526378036942333, -0.028408942744135857, 0.028527289628982544, 0.0005913541535846889, -0.039505451917648315, 0.028210913762450218, 0.055226925760507584, -0.1429566591978073, 0.13119137287139893, -0.06331856548786163, 0.02033780887722969, -0.04640188813209534, 0.06372538954019547, -0.03429797291755676, 0.0022956575267016888, -0.0015648676780983806, 0.012428811751306057, -0.017290322110056877, -0.013047133572399616, 0.028741998597979546, -0.045116327702999115, 0.039963655173778534, -0.03292590007185936, 0.031228022649884224, -0.026784634217619896, 0.031710486859083176, -0.02397087775170803, -1.5497051208512858e-05, 0.020855067297816277, -0.036476459354162216, 0.05158591270446777, -0.06896188855171204, 0.08534901589155197, -0.12151169031858444, 0.10113750398159027, -0.08762963861227036, 0.08415144681930542, -0.10693623125553131, 0.09687540680170059, -0.0675353929400444, 0.010649790056049824, 0.06554078310728073, -0.10606071352958679, 0.07820882648229599, -0.049220506101846695, 0.05639171972870827, -0.09507112205028534, 0.07970382273197174, -0.03388167545199394, 0.05555935576558113, -0.11336527019739151, 0.12674176692962646, -0.06651122868061066, -0.001852198038250208, 0.023362573236227036, -0.04808409884572029, 0.06256107985973358, -0.08503071218729019, 0.08315539360046387, -0.07172311097383499, 0.05582466721534729, -0.06190316751599312, 0.0761663019657135, -0.06945006549358368, 0.059141188859939575, -0.04217546433210373, 0.040585875511169434, -0.031588274985551834, -0.04717858508229256, 0.11838068813085556, -0.11796608567237854, 0.0459122434258461, -0.04524671658873558, 0.10558867454528809, -0.1528969258069992, 0.12505246698856354, -0.09201035648584366, 0.06807409971952438, -0.060022324323654175, -0.016197148710489273, 0.08435933291912079, -0.09907060861587524, 0.05960533022880554, -0.019845671951770782, 0.019040677696466446, -0.02782413922250271, 0.024170197546482086, -0.006532671395689249, -0.017085419967770576, 0.004923734813928604, 0.026137694716453552, -0.07866564393043518, 0.091391921043396, -0.07402294129133224, 0.02174566127359867, 0.017892269417643547, -0.049490757286548615, 0.0032441881485283375, 0.07080966234207153, -0.09245005995035172, 0.04472746327519417, 0.010798059403896332, -0.028877543285489082, 0.01646674983203411, -0.008890996687114239, 0.03994712233543396, -0.061560481786727905, 0.04859767109155655, -0.019512411206960678, -0.01660601608455181, 0.0005264906212687492, 0.04071281477808952, -0.04170108214020729, -0.02867083251476288, 0.10433521121740341, -0.10806021839380264, 0.08544189482927322, -0.0358588770031929, -0.029567943885922432, 0.07906876504421234, -0.1158713772892952, 0.10241841524839401, -0.07718274742364883, 0.04631181061267853, -0.031566619873046875, 0.032048508524894714, -0.017283819615840912, -0.000898993166629225, 0.04101274535059929, -0.05239849165081978, 0.055875297635793686, -0.06954735517501831, 0.041551604866981506, 0.010268379002809525, -0.08329098671674728, 0.11462319642305374, -0.1007217988371849, 0.08974181860685349, -0.0468895323574543, 0.012161526829004288, 0.035029541701078415, -0.05054003745317459, -0.0016546373954042792, 0.0583258680999279, -0.07214391976594925, 0.021051086485385895, 0.006735092494636774, 0.05942447483539581, -0.07573208212852478, 0.03708801046013832, 0.031868476420640945, -0.04437856748700142, 0.020932137966156006, -0.05536986514925957, 0.06138056516647339, -0.02559671550989151, 0.01997932232916355, -0.05028547719120979, 0.06869306415319443, 0.0003173332952428609, -0.04914190247654915, 0.0030975360423326492, 0.07186572998762131, -0.06073692440986633, -0.011368807405233383, 0.06693705171346664, -0.04276049882173538, 0.009680062532424927, 0.0007882335339672863, 0.03297754004597664, -0.05689382553100586, 0.06184428557753563, -0.04391491785645485, 0.011299983598291874, 0.02083800919353962, -0.010122915729880333, 0.02379758097231388, -0.06447873264551163, 0.10314706712961197, -0.0534609854221344, -0.04761378839612007, 0.0995936244726181, -0.038383036851882935, -0.045140594244003296, 0.038043249398469925, 0.028799334540963173, -0.07421721518039703, 0.08082417398691177, -0.08252283930778503, 0.11273855715990067, -0.1165643259882927, 0.0876850038766861, -0.0003365713346283883, -0.0881158709526062, 0.12228623777627945, -0.0974673330783844, 0.04840873181819916, -0.037269994616508484, 0.059885963797569275, -0.04542645066976547, 0.019803307950496674, 0.001861623371951282, 0.015043792314827442, 0.007153292652219534, -0.036168258637189865, 0.03786672651767731, -0.02671387419104576, 0.05041893199086189, -0.08117812126874924, 0.046623408794403076, 0.05383921042084694, -0.08047858625650406, 0.007994333282113075, 0.04475889354944229, -0.008717591874301434, -0.018585553392767906, -0.006496500223875046, 0.048266422003507614, -0.0497371144592762, 0.05477600172162056, -0.05421916022896767, 0.02883085608482361, 0.03062969446182251, -0.05736580118536949, 0.023034971207380295, -0.007758207153528929, -0.018082885071635246, 0.0474805124104023, -0.02681095339357853, -0.04391593113541603, 0.09235455840826035, -0.0472201444208622, -0.0068589914590120316, 0.036837123334407806, -0.016416504979133606, 0.0073204259388148785, 0.015796663239598274, -0.0648125484585762, 0.10959330201148987, -0.09669157862663269, 0.03633436560630798, 0.0238349549472332, -0.06386777013540268, 0.08603586256504059, -0.09803027659654617, 0.13174818456172943, -0.1378314048051834, 0.08219906687736511, -0.020018083974719048, -0.015325114130973816, 0.023257479071617126, -0.03694876655936241, 0.03741364926099777, -0.03339238837361336, 0.039837546646595, -0.052724242210388184, 0.060870904475450516, -0.05970242992043495, 0.026623379439115524, 0.02861342765390873, -0.06073719263076782, 0.050927627831697464, -0.0006367643363773823, -0.0372159406542778, 0.05252401903271675, -0.07884601503610611, 0.07768624275922775, -0.005626800004392862, -0.1093675047159195, 0.13064058125019073, -0.04421471059322357, -0.06544520705938339, 0.0941246896982193, -0.022288398817181587, -0.014025845564901829, -0.00562438927590847, 0.03582780435681343, -0.011102708987891674, -0.03594869375228882, 0.023513508960604668, 0.04247516393661499, -0.06941992789506912, 5.956216773483902e-05, 0.07829504460096359, -0.09301894903182983, 0.05788767710328102, -0.03878755122423172, 0.051802702248096466, -0.04098717123270035, 0.013507983647286892, -0.018790269270539284, 0.06481354683637619, -0.07882267981767654, 0.005120412912219763, 0.08036274462938309, -0.09745517373085022, 0.049351003021001816, 0.011126588098704815, -0.01788041926920414, -0.04195230454206467, 0.08936867117881775, -0.09946945309638977, 0.0455656461417675, 0.007474301848560572, -0.061164092272520065, 0.0831613764166832, -0.07079102843999863, 0.029403677210211754, 0.05381149426102638, -0.1403243988752365, 0.154032364487648, -0.10869815200567245, 0.032050780951976776, 0.024514367803931236, -0.0830933153629303, 0.11121103912591934, -0.10019300132989883, 0.04929456114768982, -0.013261902146041393, -0.016305310651659966, -0.008722159080207348, 0.010428190231323242, -0.007160840090364218, -0.06705176085233688, 0.14629313349723816, -0.16278594732284546, 0.09495387971401215, 0.02102380432188511, -0.06711585819721222, 0.03182578086853027, 0.003484254702925682, -0.013049456290900707, -0.009358476847410202, -0.021248504519462585, 0.016803046688437462, 0.030876725912094116, -0.08988010883331299, 0.0798700749874115, -0.020289774984121323, -0.022068453952670097, 0.00026240371516905725, 0.014112762175500393, -0.02375372312963009, 0.012118368409574032, 0.027149977162480354, -0.08468757569789886, 0.11596905440092087, -0.1104327067732811, 0.09844303131103516, -0.07977396249771118, 0.007727207150310278, 0.03969608247280121, -0.05804291367530823, 0.020649254322052002, -0.01529920008033514, 0.023173881694674492, -0.0202505961060524, 0.022818006575107574, -0.05123768746852875, 0.04826053977012634, -0.0034360175486654043, -0.06107553467154503, 0.08121954649686813, -0.07210373133420944, 0.037868671119213104, 0.0015662062214687467, -0.05934637784957886, 0.10595910251140594, -0.08563916385173798, 0.02350861020386219, 0.02349168062210083, -0.004667395260185003, -0.07748729735612869, 0.11905181407928467, -0.11755595356225967, 0.054024141281843185, 0.022114062681794167, -0.10552293807268143, 0.1337577849626541, -0.08707477897405624, -0.005170819815248251, 0.04645255580544472, -0.047528356313705444, 0.006853632628917694, -0.010608375072479248, 0.02090122550725937, -0.029359785839915276, 0.029062530025839806, -0.0261274091899395, 0.020993946120142937, 0.0443478487432003, -0.11886758357286453, 0.1316908299922943, -0.05292495712637901, -0.03675677254796028, 0.11802839487791061, -0.0997011736035347, 0.016716038808226585, 0.10248574614524841, -0.11439055949449539, 0.05159077048301697, 0.050683848559856415, -0.08375335484743118, 0.03237538784742355, 0.041899241507053375, -0.070964515209198, 0.06686778366565704, -0.060900136828422546, 0.05716531351208687, -0.015236727893352509, -0.02797595225274563, 0.002579999156296253, 0.06547656655311584, -0.07899357378482819, 0.01800920069217682, 0.045501966029405594, -0.053082991391420364, 0.053599391132593155, -0.04138137027621269, 0.021477561444044113, 0.00037903760676272213, 0.008600008673965931, -0.012363418936729431, 0.009940007701516151, 0.008168427273631096, 0.01153857633471489, -0.025987042114138603, -0.0024093438405543566, 0.054391343146562576, -0.06465523689985275, 0.02491830475628376, 0.018128344789147377, 0.013366478495299816, -0.06087740138173103, 0.06778322905302048, -0.020708560943603516, -0.010335955768823624, 0.0385248064994812, -0.05551236867904663, 0.040492210537195206, 0.016723493114113808, -0.07114572077989578, 0.1054285317659378, -0.0760163739323616, -0.014087841846048832, 0.11393773555755615, -0.15902350842952728, 0.1388939768075943, -0.10243643075227737, 0.07260841131210327, -0.03272603824734688, -0.02863282524049282, 0.08706070482730865, -0.11312021315097809, 0.11522947996854782, -0.09381768107414246, 0.06660344451665878, -0.049809303134679794, 0.06010990962386131, -0.042914122343063354, 0.01179993711411953, 0.039329975843429565, -0.08506506681442261, 0.10499993711709976, -0.044025130569934845, -0.0363021194934845, 0.07157179713249207, -0.06230705976486206, 0.03438400849699974, 0.022218089550733566, -0.07205847650766373, 0.0839967206120491, -0.0346960574388504, 0.005113764200359583, 0.007805085275322199, -0.011375147849321365, 0.0540425181388855, -0.049894414842128754, 0.03152116760611534, -0.027090715244412422, 0.048057977110147476, -0.005978761240839958, -0.03596028313040733, 0.056256528943777084, -0.03763044998049736, 0.03784673288464546, -0.038876231759786606, 0.0479896143078804, -0.0039851781912148, -0.017084328457713127, 0.03971434012055397, -0.034754082560539246, 0.04066434130072594, -0.00681609520688653, 0.005095739383250475, -0.02104676142334938, 0.015932990238070488, 0.029272377490997314, -0.044399961829185486, 0.013977739959955215, 0.01642707735300064, 0.030320845544338226, -0.06399247795343399, 0.00933203473687172, 0.05432401970028877, -0.04156273230910301, 0.002047484740614891, 0.0016057085013017058, 0.02631085366010666, 0.002185218734666705, -0.005194341763854027, -0.012012139894068241, 0.026583079248666763, 0.005311317276209593, -0.03537711501121521, -0.0032199076376855373, 0.02527593821287155, -0.037479668855667114, 0.03833848237991333, -0.03933252394199371, 0.029562948271632195, -0.02840336598455906, 0.004356028977781534, 0.03359374776482582, -0.045120351016521454, 0.0365576446056366, -0.061550572514534, 0.0613914430141449, -0.045812372118234634, -0.005521219223737717, 0.043655578047037125, -0.032200343906879425, 0.021787302568554878, -0.031535763293504715, 0.025889798998832703, 0.017211517319083214, -0.03291122242808342, 0.012741576880216599, -0.005979082081466913, -0.01606547273695469, 0.04512922465801239, -0.062161047011613846, 0.06631235033273697, -0.0317678228020668, -0.0013210398610681295, 0.008267571218311787, -0.013131105341017246, 0.02940049208700657, -0.025001458823680878, 0.014518125914037228, -0.010227403603494167, 0.011671329848468304, 0.018626973032951355, -0.03879663720726967, 0.049595143646001816, -0.028492838144302368, -0.005413496866822243, -0.0031763578299432993, 0.029934028163552284, -0.023162348195910454, -0.011210707016289234, 0.03789113461971283, -0.03807036951184273, 0.02445150353014469, -0.00791347399353981, 0.034093838185071945, -0.02720351703464985, 0.007448507472872734, -0.00280223716981709, 0.02353694662451744, -0.048677586019039154, 0.018321001902222633, 0.02915118634700775, -0.037592072039842606, 0.009264395572245121, -0.005762882996350527, 0.01115415059030056, 0.008901034481823444, -0.05864711105823517, 0.04267464950680733, -0.03972635045647621, 0.00033136861748062074, 0.0215553417801857, -0.0667828693985939, 0.07237459719181061, -0.026361651718616486, -0.03500501066446304, 0.040225353091955185, -0.011565075255930424, -0.014164823107421398, 0.00237883348017931, 0.01768920011818409, -0.04884028807282448, 0.02960379235446453, -0.004442776087671518, 0.021922264248132706, -0.03890398517251015, 0.0191754549741745, 0.031201200559735298, -0.03658842667937279, 0.00029499069205485284, 0.04089946672320366, -0.026828531175851822, -0.02732357196509838, 0.03130636736750603, -0.009446527808904648, -0.020915353670716286, 0.03259788081049919, -0.02144038677215576, 0.011111795902252197, -0.0007982527604326606, -0.003229471854865551, 0.011906255036592484, -0.018293440341949463, 0.03035159967839718, -0.023014523088932037, -0.009482723660767078, 0.0210544615983963, 0.019429543986916542, -0.010781342163681984, -0.014482509344816208, 0.033682871609926224, 0.01171132829040289, -0.033752355724573135, 0.02679038792848587, 0.012516296468675137, -0.02214241400361061, 0.006679355166852474, 0.013849415816366673, -0.024727173149585724, 0.021874837577342987, 0.017787376418709755, -0.03513588383793831, 0.01455555111169815, 0.028785884380340576, -0.0239887535572052, 0.004044986795634031, 0.025507204234600067, -0.026848509907722473, 0.0051137045957148075, 0.01632627286016941, -0.0034534528385847807, -0.00016432457778137177, -0.003942572977393866, 0.039393529295921326, -0.05229648947715759, 0.022447220981121063, 0.02633614093065262, -0.020791929215192795, 0.019327349960803986, -0.013251724652945995, 0.02993827313184738, 0.0013686028541997075, -0.010237275622785091, 0.01480139046907425, 0.021824911236763, -0.02459963597357273, 0.01631886325776577, 0.0053537157364189625, 0.00047587373410351574, 0.03847162798047066, -0.052077844738960266, 0.052578702569007874, -0.00707129156216979, -0.018576307222247124, 0.04695573449134827, -0.0593632310628891, 0.04334613308310509, -0.021110093221068382, -0.02108105458319187, 0.042024314403533936, -0.033487606793642044, -0.015193548053503036, 0.02643699198961258, -0.029112935066223145, 0.0031104241497814655, 0.008344004862010479, -0.03144574537873268, 0.051774367690086365, -0.035982646048069, -0.011722348630428314, 0.01657269336283207, 0.00013721750292461365, 0.019952068105340004, -0.05174041539430618, 0.046416785567998886, 0.010204499587416649, -0.0029776496812701225, 0.006671490613371134, 0.014487510547041893, 0.01382000744342804, -0.005224528256803751, 0.006477709859609604, 0.023289049044251442, -0.0010531130246818066, 0.02443198300898075, 0.0164236631244421, -0.004327057395130396, 0.030094532296061516, 0.007793422322720289, 0.011086732149124146, -0.0007034572772681713, 0.016096657142043114, 0.015598829835653305, -0.012128458358347416, 0.02644013985991478, 0.0016584846889600158, 0.0030145987402647734, 0.010885045863687992, -0.009463735856115818, 0.02798214554786682, 0.011874901130795479, -0.03163904324173927, 0.04873665049672127, 0.00209034513682127, -0.038988567888736725, 0.051300957798957825, -0.015429521910846233, -0.0027313344180583954, 0.02426823414862156, -0.022302377969026566, 0.044814061373472214, -0.018081283196806908, 0.001338623696938157, 0.03983423858880997, -0.008878660388290882, 0.007187210023403168, 0.007250557187944651, 0.012434747070074081, 0.022688264027237892, 0.005340637639164925, -0.004986869636923075, 0.027234133332967758, 0.021928399801254272, 0.00031043795752339065, 0.01816226728260517, 0.0218510664999485, 0.019981592893600464, 0.00048152057570405304, 0.01895788125693798, 0.0037693369667977095, 0.018245918676257133, -0.0020837553311139345, 0.02184446156024933, -0.0012939576990902424, 0.0019880610052496195, 0.025672977790236473, -0.0010913339210674167, -0.007918489165604115, 0.00958973914384842, 0.02766560949385166, -0.025999292731285095, 0.00026102736592292786, 0.02984512597322464, -0.011262444779276848, -0.0022064002696424723, 0.022835882380604744, -0.006838999688625336, 0.011639874428510666, 0.003097965382039547, 0.0029443176463246346, 0.010849852114915848, -0.009823167696595192, 0.014914472587406635, -0.0014903993578627706, -0.016431352123618126, 0.01622924767434597, 0.0017739864997565746, -0.01877060905098915, 0.01036107912659645, 0.005936992354691029, -0.012510066851973534, -0.003396421205252409, -0.0062613217160105705, -0.007680790964514017, -0.012989562004804611, -0.027746090665459633, -0.005617090035229921, -0.024419177323579788, -0.03439045697450638, 0.0006336084334179759, -0.038471806794404984, -0.025464018806815147, -0.025133751332759857, -0.03612246364355087, -0.022996723651885986, -0.042597487568855286, -0.046669673174619675, -0.03844059258699417, -0.028398655354976654, -0.032880205661058426, -0.03741450235247612, -0.01944829896092415, -0.020743580535054207, -0.017202476039528847, -0.02114410512149334, -0.018614472821354866, -0.004710787441581488, -0.014221865683794022, -0.026462044566869736, -0.007110874634236097, -0.0019595371559262276, -0.0042065042071044445, -0.011720268987119198, 0.010621226392686367, -0.0042140791192650795, 0.002118891105055809, 0.0021996870636940002, -0.006172338966280222, -0.011430843733251095, -0.0064023216255009174, -0.011681605130434036, -0.025801019743084908, -0.0070990100502967834, -0.012787778861820698, -0.021729381754994392, -0.023286122828722, -0.01428033784031868, -0.021556567400693893, -0.02998003549873829, -0.028791172429919243, -0.011214880272746086, -0.021456671878695488, -0.024077683687210083, -0.008792417123913765, -0.0027723528910428286, -0.00596602912992239, 0.009721941314637661, 0.004694667644798756, 0.010930811055004597, 0.030111419036984444, 0.01155976764857769, 0.02289213053882122, 0.034965191036462784, 0.04283154010772705, 0.039092227816581726, 0.03989774361252785, 0.06182935833930969, 0.05593014135956764, 0.05327615886926651, 0.06494151055812836, 0.0583956278860569, 0.059386465698480606, 0.05301298573613167, 0.055227164179086685, 0.06046817824244499, 0.047247983515262604, 0.05938341096043587, 0.04914567992091179, 0.05132927745580673, 0.0430925190448761, 0.0447869636118412, 0.03915912285447121, 0.0341779924929142, 0.03161138668656349, 0.024929523468017578, 0.024045459926128387, 0.021848313510417938, 0.023542704060673714, 0.022792547941207886, 0.025892026722431183, 0.012619872577488422, 0.027599981054663658, 0.01836930774152279, 0.023676516488194466, 0.01490603294223547, 0.01591135933995247, 0.022642359137535095, 0.012618829496204853, 0.02452290989458561, 0.022574858739972115, 0.024451786652207375, 0.025351300835609436, 0.02615773119032383, 0.029495544731616974, 0.023280592635273933, 0.035183895379304886, 0.026995370164513588, 0.0273747518658638, 0.023325301706790924, 0.03217659145593643, 0.02858654223382473, 0.025340646505355835, 0.03254241123795509, 0.01685514487326145, 0.03416680172085762, 0.013398133218288422, 0.022522790357470512, 0.019738752394914627, -0.0027556628920137882, 0.018831225112080574, -0.005994793027639389, 0.009583531878888607, -0.003233932424336672, 0.006210985127836466, -0.004804257769137621, -0.018419159576296806, 0.00152290565893054, -0.024312442168593407, -0.016018083319067955, -0.03160778060555458, -0.027965134009718895, -0.03361314535140991, -0.043175067752599716, -0.03455561026930809, -0.047607921063899994, -0.0344565212726593, -0.054867539554834366, -0.0663505345582962, -0.04624088853597641, -0.05872489884495735, -0.06370078772306442, -0.0638008788228035, -0.06146913394331932, -0.06553830951452255, -0.06673610955476761, -0.06988362222909927, -0.06340210139751434, -0.06922096759080887, -0.08330076187849045, -0.07332704216241837, -0.08688589930534363, -0.06220642104744911, -0.07616788893938065, -0.07481048256158829, -0.0740448608994484, -0.07194937765598297, -0.07224711030721664, -0.08073747903108597, -0.08075197786092758, -0.07995489239692688, -0.08380986750125885, -0.09070485085248947, -0.06517154723405838, -0.0503087118268013, -0.0493895560503006, -0.03101564198732376, -0.02005191147327423, -0.015756182372570038, 0.006251863669604063, 0.003241223283112049, 0.008185123093426228, 0.018693974241614342, 0.014054660685360432, 0.03405041992664337, 0.03911326080560684, 0.04915113002061844, 0.06253636628389359, 0.06811691075563431, 0.0678984597325325, 0.06193709746003151, 0.07472660392522812, 0.062285661697387695, 0.04790477082133293, 0.04820694401860237, 0.03865320235490799, 0.03728105127811432, 0.029881658032536507, 0.030674966052174568, 0.028532423079013824, 0.016237787902355194, 0.018184224143624306, -0.0015950097003951669, -0.0037029862869530916, -0.013965673744678497, -0.022411338984966278, -0.02657102234661579, -0.04139658808708191, -0.021545829251408577, -0.03281879052519798, -0.023380698636174202, -0.01968536153435707, -0.01733376272022724, -0.014019723981618881, -0.02175421267747879, -0.007465630769729614, -0.016857745125889778, -0.007675489876419306, -0.0032400612253695726, 8.19796696305275e-07, 0.01129811629652977, 0.023222142830491066, 0.035905029624700546, 0.035950060933828354, 0.04160594567656517, 0.04303668811917305, 0.04066834971308708, 0.03927050158381462, 0.03709062188863754, 0.03653234615921974, 0.038784511387348175, 0.03407322242856026, 0.03698160871863365, 0.039395399391651154, 0.03858307749032974, 0.031751085072755814, 0.024714797735214233, 0.014425455592572689, 0.005979906767606735, -0.0032412935979664326, -0.013229697942733765, -0.018249424174427986, -0.022960739210247993, -0.026869427412748337, -0.03107309341430664, -0.031491369009017944, -0.03416845574975014, -0.037952523678541183, -0.04545913636684418, -0.04727063700556755, -0.05257728695869446, -0.05035939812660217, -0.04651074483990669, -0.04794470965862274, -0.03631284087896347, -0.0362805537879467, -0.02618916518986225, -0.023358341306447983, -0.018428726121783257, -0.008614595979452133, -0.011239667423069477, -0.0060319905169308186, -0.0004352281102910638, 0.006742469966411591, 0.013769668526947498, 0.020095180720090866, 0.023966321721673012, 0.03478982672095299, 0.03542421758174896, 0.03296167030930519, 0.040109388530254364, 0.03660864010453224, 0.04039067029953003, 0.02970113605260849, 0.03656503185629845, 0.04209832847118378, 0.03564772382378578, 0.046251144260168076, 0.04189114272594452, 0.04906556010246277, 0.04678985849022865, 0.04541949927806854, 0.04849305748939514, 0.038389094173908234, 0.03910808265209198, 0.03104276955127716, 0.031035177409648895, 0.03405122831463814, 0.023322101682424545, 0.028978612273931503, 0.028501570224761963, 0.024549376219511032, 0.02833876572549343, 0.024798763915896416, 0.028165847063064575, 0.01928151585161686, 0.018659653142094612, 0.019488513469696045, 0.015563893131911755, 0.01775575615465641, 0.01862311363220215, 0.022972002625465393, 0.021470997482538223, 0.026391640305519104, 0.028473472222685814, 0.029492536559700966, 0.028593584895133972, 0.023902444168925285, 0.02805299125611782, 0.024059435352683067, 0.022972315549850464, 0.026340987533330917, 0.024491386488080025, 0.02503616362810135, 0.024076756089925766, 0.022405080497264862, 0.02539363130927086, 0.015655390918254852, 0.014951174147427082, 0.007607570383697748, 0.004173274617642164, -0.0008583138696849346, -0.008474024944007397, -0.005743310786783695, -0.013754337094724178, -0.019291581586003304, -0.021883411332964897, -0.02918560989201069, -0.03534851223230362, -0.04117684066295624, -0.047847285866737366, -0.051087282598018646, -0.05372776836156845, -0.06229777634143829, -0.05647223815321922, -0.06449175626039505, -0.06646885722875595, -0.07135898619890213, -0.0706639289855957, -0.07307197153568268, -0.08179126679897308, -0.07319290190935135, -0.09504768997430801, -0.07316028326749802, -0.08686791360378265, -0.09345623105764389, -0.08107028901576996, -0.0939694419503212, -0.09752631932497025, -0.08646903932094574, -0.10286946594715118, -0.08891462534666061, -0.08725221455097198, -0.11064744740724564, -0.06673263758420944, -0.09987407177686691, -0.057454392313957214, -0.053306251764297485, -0.044256411492824554, -0.012384260073304176, -0.03248125687241554, 0.027563495561480522, -0.0022694184444844723, 0.032969146966934204, 0.0387977696955204, 0.03139786049723625, 0.06918878108263016, 0.036107778549194336, 0.0875188484787941, 0.07522106915712357, 0.07216357439756393, 0.09359568357467651, 0.060457319021224976, 0.09459462761878967, 0.05724428966641426, 0.06579633057117462, 0.05712642893195152, 0.0289150420576334, 0.04254000633955002, 0.007743883412331343, 0.024381674826145172, 0.00908135436475277, -0.006447167601436377, -0.004463183227926493, -0.03189147263765335, -0.019231775775551796, -0.03992026671767235, -0.04534478858113289, -0.041527777910232544, -0.057060450315475464, -0.046766478568315506, -0.05682970955967903, -0.03675679489970207, -0.039636801928281784, -0.03705917298793793, -0.024223731830716133, -0.032202307134866714, -0.013007138855755329, -0.015862422063946724, -0.007720602210611105, 0.0049631004221737385, 0.0022920675110071898, 0.02156914956867695, 0.025243232026696205, 0.03836660459637642, 0.04588833451271057, 0.04684999957680702, 0.054243672639131546, 0.05014347657561302, 0.05583573505282402, 0.05201895907521248, 0.05157303810119629, 0.048636544495821, 0.04289550334215164, 0.040609583258628845, 0.04455867409706116, 0.034594353288412094, 0.03215650096535683, 0.02828940376639366, 0.0100747374817729, 0.014797964133322239, 0.00046462632599286735, -0.004626481328159571, -0.006397427059710026, -0.020173553377389908, -0.018379269167780876, -0.025423549115657806, -0.02071760967373848, -0.024870099499821663, -0.025355258956551552, -0.025479918345808983, -0.03349623456597328, -0.023524394258856773, -0.03128759190440178, -0.021229088306427002, -0.022810429334640503, -0.021374525502324104, -0.010871032252907753, -0.01068828720599413, 0.00021365714201238006, -0.0007609052699990571, 0.011307155713438988, 0.009193983860313892, 0.016107752919197083, 0.01851153001189232, 0.01604272797703743, 0.03267053887248039, 0.024686310440301895, 0.031203726306557655, 0.030550993978977203, 0.03427410125732422, 0.0388319157063961, 0.032391373068094254, 0.036479923874139786, 0.025927426293492317, 0.031580012291669846, 0.02108093351125717, 0.01797131448984146, 0.028023695573210716, 0.02004147320985794, 0.029523514211177826, 0.023794719949364662, 0.0274107176810503, 0.03275967389345169, 0.02679307945072651, 0.022748198360204697, 0.028318002820014954, 0.02802746184170246, 0.014625605195760727, 0.024409359320998192, 0.025647802278399467, 0.023669259622693062, 0.03160468116402626, 0.026489699259400368, 0.034130316227674484, 0.032942820340394974, 0.02781800739467144, 0.03295443207025528, 0.030909741297364235, 0.028654634952545166, 0.02811134047806263, 0.03396373614668846, 0.031326282769441605, 0.035913579165935516, 0.04251369833946228, 0.0376877561211586, 0.04324783757328987, 0.03849131613969803, 0.03582724556326866, 0.038760703057050705, 0.029194677248597145, 0.026210878044366837, 0.021592559292912483, 0.025174984708428383, 0.01368930097669363, 0.020845556631684303, 0.01632288284599781, 0.005145833361893892, 0.008657804690301418, -0.0007180040120147169, -0.0003287435683887452, -0.00902316439896822, -0.013626818545162678, -0.018840335309505463, -0.019656404852867126, -0.021732844412326813, -0.027715163305401802, -0.018804378807544708, -0.028898680582642555, -0.026740049943327904, -0.028617603704333305, -0.0349140428006649, -0.029993271455168724, -0.0421762578189373, -0.043988436460494995, -0.05105037987232208, -0.048084113746881485, -0.05519067868590355, -0.045621227473020554, -0.05508715286850929, -0.04660420119762421, -0.06468670070171356, -0.05836307629942894, -0.05003775283694267, -0.08497340232133865, -0.05259422957897186, -0.10085899382829666, -0.06880653649568558, -0.08939579874277115, -0.09268052130937576, -0.06176411733031273, -0.1046157032251358, -0.06285153329372406, -0.10278458148241043, -0.07376699894666672, -0.09549257904291153, -0.10135745257139206, -0.08324886858463287, -0.1273530274629593, -0.0771804228425026, -0.09158114343881607, -0.05432040989398956, -0.04141518473625183, -0.05366247147321701, 0.009686579927802086, -0.01476975530385971, 0.020006509497761726, 0.0056679765693843365, 0.013035845942795277, 0.04111093655228615, 0.007175259292125702, 0.049717213958501816, 0.04862687736749649, 0.07807013392448425, 0.07708432525396347, 0.06900836527347565, 0.10330681502819061, 0.07496432214975357, 0.08736910670995712, 0.059743840247392654, 0.053280968219041824, 0.04747195914387703, 0.019289759919047356, 0.03515402972698212, 0.020110398530960083, 0.028024708852171898, 0.0109149981290102, 0.00810397882014513, -0.0003589231346268207, -0.013807558454573154, -0.0125179598107934, -0.04217960312962532, -0.04361758008599281, -0.04719957709312439, -0.055641692131757736, -0.046589020639657974, -0.03736468777060509, -0.032334838062524796, -0.02810046635568142, -0.022328561171889305, -0.02283344231545925, -0.015282150357961655, -0.015695767477154732, -0.015594221651554108, -0.013444144278764725, -0.009005963802337646, 0.004328931216150522, 0.017397619783878326, 0.0317610464990139, 0.03315286710858345, 0.04314538836479187, 0.047150127589702606, 0.042857956141233444, 0.04760186746716499, 0.03683033213019371, 0.039544567465782166, 0.03492354974150658, 0.03229507803916931, 0.040789466351270676, 0.039008863270282745, 0.041186586022377014, 0.030076073482632637, 0.03059316612780094, 0.021854540333151817, 0.007321044337004423, 0.004930422641336918, -0.010041014291346073, -0.011066152714192867, -0.01683744601905346, -0.020718572661280632, -0.01391491387039423, -0.014480446465313435, -0.01708577387034893, -0.02009008079767227, -0.020647600293159485, -0.026203731074929237, -0.02879941463470459, -0.0322360061109066, -0.03328100964426994, -0.03101140819489956, -0.02884969301521778, -0.022038688883185387, -0.010152753442525864, -0.00249372236430645, -0.004632456228137016, 0.0057545192539691925, 0.005115897860378027, 0.00958207156509161, 0.0067026508040726185, 0.005030548665672541, 0.018167685717344284, 0.01669505052268505, 0.02599242888391018, 0.02741176448762417, 0.04350658506155014, 0.045359350740909576, 0.0445745475590229, 0.054593030363321304, 0.04386552423238754, 0.05287269502878189, 0.037715040147304535, 0.038570161908864975, 0.04256409406661987, 0.0348372720181942, 0.04203861951828003, 0.035197965800762177, 0.041346125304698944, 0.03979059308767319, 0.0418691486120224, 0.04261617362499237, 0.03658966347575188, 0.03568568825721741, 0.014716005884110928, 0.02881750650703907, 0.02309424616396427, 0.019556837156414986, 0.028872551396489143, 0.0168137364089489, 0.04041888564825058, 0.025704441592097282, 0.03951183333992958, 0.039819102734327316, 0.030344270169734955, 0.041776422411203384, 0.02515259012579918, 0.037797827273607254, 0.04170918092131615, 0.03942449390888214, 0.04261372238397598, 0.04953528940677643, 0.04520640894770622, 0.03900306299328804, 0.05305224657058716, 0.029871178790926933, 0.02976853959262371, 0.03278391808271408, 0.009977850131690502, 0.029300838708877563, 0.019824398681521416, 0.0102396160364151, 0.023598410189151764, -0.003972030710428953, 0.00017346226377412677, 0.0001023408622131683, -0.014243277721107006, -0.009745604358613491, -0.03235751762986183, -0.017101705074310303, -0.02373308688402176, -0.0205355454236269, -0.010470700450241566, -0.03710738196969032, -0.005256274715065956, -0.03774547576904297, -0.02410855144262314, -0.02204081602394581, -0.050276413559913635, -0.014872487634420395, -0.060274671763181686, -0.02667732536792755, -0.03512372821569443, -0.0383254699409008, -0.024837985634803772, -0.053431082516908646, -0.026961708441376686, -0.048189371824264526, -0.04617999121546745, -0.038792118430137634, -0.05804663524031639, -0.04415378347039223, -0.06265401095151901, -0.05166453495621681, -0.05407463759183884, -0.06927231699228287, -0.06099516525864601, -0.0753251388669014, -0.06487241387367249, -0.07663257420063019, -0.07132706791162491, -0.07764275372028351, -0.07908469438552856, -0.08795657753944397, -0.10011230409145355, -0.08670802414417267, -0.09798462688922882, -0.07873860746622086, -0.07143007963895798, -0.04401450976729393, -0.019087940454483032, -0.015698140487074852, 0.017532965168356895, 0.008330573327839375, 0.03927550092339516, 0.032496679574251175, 0.04075070098042488, 0.04423224925994873, 0.033604808151721954, 0.07545169442892075, 0.07161907106637955, 0.07772620022296906, 0.08653167635202408, 0.0960334986448288, 0.09397727251052856, 0.0753280445933342, 0.0589522086083889, 0.06351306289434433, 0.04755069687962532, 0.018745528534054756, 0.006679114419966936, 0.017276745289564133, 0.008557341061532497, -0.0035968313459306955, -0.004826754331588745, -0.013551418669521809, -0.01837334595620632, -0.03640593960881233, -0.04701880365610123, -0.04253363981842995, -0.04919927939772606, -0.06294865906238556, -0.051011160016059875, -0.03908964991569519, -0.03105132281780243, -0.026419611647725105, -0.02310561016201973, -0.0194961316883564, -0.015610330738127232, -0.013980788178741932, -0.012438978999853134, -0.006044371984899044, -0.0041042533703148365, 0.0027940189465880394, 0.015523750334978104, 0.0295077096670866, 0.037289686501026154, 0.04779702052474022, 0.04361952096223831, 0.041774921119213104, 0.045684199780225754, 0.03670605272054672, 0.0355086475610733, 0.027154000476002693, 0.025355177000164986, 0.027627995237708092, 0.025278862565755844, 0.027545521035790443, 0.028209371492266655, 0.025436824187636375, 0.008280775509774685, -0.0026335339061915874, -0.005895789247006178, -0.018686629831790924, -0.025034047663211823, -0.03863665089011192, -0.03482739254832268, -0.031064150854945183, -0.03298914059996605, -0.027246788144111633, -0.030952898785471916, -0.026045061647892, -0.039796873927116394, -0.04434545338153839, -0.04220619797706604, -0.04220834746956825, -0.04101283475756645, -0.04189663380384445, -0.021929683163762093, -0.01996612176299095, -0.014296458102762699, 0.000754697248339653, 0.009715632535517216, 0.012300623580813408, 0.01693839393556118, 0.0146065354347229, 0.025803040713071823, 0.03557310625910759, 0.0351686030626297, 0.05040953680872917, 0.0573778860270977, 0.06525342166423798, 0.05838167294859886, 0.0688408687710762, 0.0720100924372673, 0.0574604757130146, 0.06175803020596504, 0.0434032566845417, 0.04309336096048355, 0.0465308278799057, 0.028875576332211494, 0.043601375073194504, 0.03366957604885101, 0.03378535062074661, 0.021257607266306877, 0.020220912992954254, 0.02253836765885353, 0.0055712079629302025, 0.012592077255249023, -0.0045114546082913876, 0.01513601467013359, 0.012629449367523193, 0.007190377917140722, 0.01989452727138996, 0.024029890075325966, 0.025989482179284096, 0.017505347728729248, 0.02573145367205143, 0.01906413957476616, 0.02360202930867672, 0.023026136681437492, 0.017894750460982323, 0.029680795967578888, 0.032921645790338516, 0.029491879045963287, 0.03592842072248459, 0.04335200786590576, 0.02038790099322796, 0.02933867834508419, 0.017407037317752838, 0.0004092642921023071, 0.012865681201219559, -0.010648420080542564, -0.004782718140631914, -0.006797900889068842, -0.007445702329277992, -0.013271242380142212, -0.012579390779137611, -0.015126521699130535, -0.03556343913078308, -0.022776367142796516, -0.05091613903641701, -0.047774266451597214, -0.055204179137945175, -0.05450160428881645, -0.0474289134144783, -0.05851005017757416, -0.03855948522686958, -0.051668502390384674, -0.050717346370220184, -0.04474158585071564, -0.0667513832449913, -0.05168484151363373, -0.0625675842165947, -0.07300422340631485, -0.06562326103448868, -0.055385127663612366, -0.044153422117233276, -0.06045479699969292, -0.047182947397232056, -0.054944444447755814, -0.06081441417336464, -0.06342043727636337, -0.054913658648729324, -0.07376479357481003, -0.06453026086091995, -0.06573206931352615, -0.08075923472642899, -0.029506223276257515, -0.09231045842170715, -0.07221400737762451, -0.07574868202209473, -0.1135198101401329, -0.08443596959114075, -0.10679416358470917, -0.0655159205198288, -0.10968128591775894, -0.0681803822517395, -0.04572180286049843, -0.02754399925470352, 0.02590705081820488, -0.02046198770403862, 0.026806898415088654, 0.013927602209150791, 0.007349515799432993, 0.03566357493400574, 0.0379607118666172, 0.051387518644332886, 0.05152677744626999, 0.07827994227409363, 0.08929359912872314, 0.10542687773704529, 0.11944082379341125, 0.09575559943914413, 0.09194043278694153, 0.06150680407881737, 0.05366590991616249, 0.05909867212176323, 0.0374770388007164, 0.027530355378985405, 0.02445787750184536, 0.036507491022348404, 0.01708540879189968, 0.021151920780539513, 0.020531127229332924, 0.0008974351803772151, -0.02582447975873947, -0.049537692219018936, -0.03307030722498894, -0.04103882610797882, -0.058262649923563004, -0.05872568115592003, -0.039673518389463425, -0.033634040504693985, -0.034715041518211365, -0.028035452589392662, -0.020555652678012848, -0.018676431849598885, -0.044561777263879776, -0.03400522843003273, -0.01257757656276226, -0.008182232268154621, -0.004704517778009176, 0.005331327207386494, 0.029616527259349823, 0.03869640454649925, 0.04172351211309433, 0.04810643941164017, 0.051774315536022186, 0.047786980867385864, 0.031051622703671455, 0.0440501794219017, 0.048253949731588364, 0.04256473854184151, 0.04630807787179947, 0.04461623728275299, 0.04564853385090828, 0.03582384064793587, 0.034218717366456985, 0.024936720728874207, 0.019461851567029953, 5.165534821571782e-05, -0.007480328902602196, -0.008769352920353413, -0.009164477698504925, -0.013382909819483757, -0.018185120075941086, -0.023928958922624588, -0.02617393247783184, -0.018524646759033203, -0.03202648460865021, -0.03065767139196396, -0.02821037732064724, -0.03873150423169136, -0.0365125834941864, -0.02265400066971779, -0.020635779947042465, -0.020995797589421272, -0.013315090909600258, -0.01856142096221447, 0.015471410006284714, 0.012482641264796257, -0.01174052245914936, 0.031180331483483315, 0.02378164604306221, 0.03719225898385048, 0.04798835515975952, 0.05806988105177879, 0.0668579563498497, 0.053204379975795746, 0.07675286382436752, 0.05349746719002724, 0.06940323114395142, 0.06838760524988174, 0.03779836371541023, 0.046330392360687256, 0.04468988627195358, 0.06340489536523819, 0.03910807520151138, 0.031982965767383575, 0.041517481207847595, 0.01863475702702999, 0.031276583671569824, 0.002615699777379632, 0.00819194596260786, 0.017530221492052078, 0.0019569487776607275, 0.011747481301426888, 0.01414596289396286, 0.02945912443101406, 0.009669949300587177, 0.022319577634334564, 0.012429679743945599, 0.014295551925897598, 0.017246324568986893, 0.0032330600079149008, 0.024390147998929024, 0.012218520976603031, 0.02350175566971302, 0.021419590339064598, 0.027658067643642426, 0.024151142686605453, 0.013288787566125393, 0.02855784073472023, 0.0004202531708870083, 0.01840374618768692, 0.0045770141296088696, -0.0006870132056064904, 0.012590475380420685, -0.008856507018208504, 0.008584843948483467, -0.010758857242763042, -0.002161527518182993, -0.012669043615460396, -0.023351388052105904, -0.01649576984345913, -0.04705251753330231, -0.02919815666973591, -0.04532159864902496, -0.04200321435928345, -0.049059439450502396, -0.05003106966614723, -0.04124878719449043, -0.05866460129618645, -0.03726886212825775, -0.06422941386699677, -0.054180875420570374, -0.05977270379662514, -0.0658351331949234, -0.05733286961913109, -0.06203126534819603, -0.0634382888674736, -0.07178010046482086, -0.051095061004161835, -0.08932565897703171, -0.06449053436517715, -0.048879656940698624, -0.09798089414834976, -0.05016259104013443, -0.07902209460735321, -0.0811854749917984, -0.0638548955321312, -0.06773209571838379, -0.09930696338415146, -0.06832555681467056, -0.035383086651563644, -0.13920621573925018, -0.04732023924589157, -0.08665630966424942, -0.09784936904907227, -0.08237070590257645, -0.11336267739534378, -0.0314604826271534, -0.08401240408420563, -0.033511221408843994, -0.05140014737844467, 0.00960515532642603, 0.011873074807226658, -0.05606020614504814, 0.06251487880945206, -0.0010096936021000147, 0.01022622175514698, 0.01624077558517456, 0.026049859821796417, 0.0767706111073494, 0.025231029838323593, 0.07652737945318222, 0.07249369472265244, 0.09219494462013245, 0.06253092736005783, 0.05472380295395851, 0.09403855353593826, 0.027795860543847084, 0.03636021539568901, 0.029895925894379616, 0.03862323611974716, 0.030466316267848015, 0.010672243312001228, 0.024119678884744644, 0.02610093355178833, 0.007543014362454414, -0.01131846196949482, -0.004637637175619602, -0.011268983595073223, -0.03889821097254753, -0.04131040349602699, -0.03089524619281292, -0.025239843875169754, -0.03156457468867302, -0.035460032522678375, -0.010748556815087795, -0.015438239090144634, -0.021388813853263855, -0.013821880333125591, -0.012278099544346333, -0.014640984125435352, -0.020094722509384155, -0.006562451831996441, 0.005035725887864828, 0.013936344534158707, 0.02227001078426838, 0.02444268949329853, 0.04328163340687752, 0.0406964085996151, 0.0371587760746479, 0.04487503692507744, 0.03457890450954437, 0.03025687299668789, 0.03340977430343628, 0.02923569083213806, 0.036372408270835876, 0.033507704734802246, 0.031076714396476746, 0.02971329540014267, 0.027313968166708946, 0.02281825803220272, 0.012434962205588818, 0.011955688707530499, -0.0006313805351965129, -0.005556544754654169, -0.0029125770088285208, -0.009359370917081833, -0.006707110442221165, 0.0018056990811601281, -0.0199274979531765, -0.015977783128619194, -0.008505682460963726, -0.02982630766928196, -0.02854565717279911, -0.030640648677945137, -0.02453668974339962, -0.03395013138651848, -0.019050635397434235, -0.008195079863071442, -0.004647331312298775, 0.01425753254443407, 0.0033187991939485073, 0.02323959209024906, 0.013859889470040798, 0.02669794298708439, 0.036732710897922516, 0.02270536869764328, 0.03625168651342392, 0.03691493347287178, 0.06792671233415604, 0.0552755631506443, 0.06193137541413307, 0.07025203853845596, 0.060273438692092896, 0.06113535538315773, 0.050637178122997284, 0.05867011845111847, 0.036466121673583984, 0.047303833067417145, 0.036434054374694824, 0.03326942399144173, 0.04777214303612709, 0.02871250919997692, 0.04232163354754448, 0.02556433342397213, 0.014285973273217678, 0.023790571838617325, 0.011165394447743893, 0.015397473238408566, 0.007155959028750658, 0.005353330634534359, 0.010209081694483757, 0.007931969128549099, 0.015669165179133415, 0.009929723106324673, 0.009899999015033245, 0.01037793792784214, 0.004016444552689791, 0.009764295071363449, 0.016210967674851418, 0.01004112884402275, 0.011160796508193016, 0.01217668503522873, 0.019033433869481087, 0.019061630591750145, 0.010752996429800987, 0.013817978091537952, 0.007670063059777021, 0.001504446379840374, 0.002215026179328561, -0.0007858917815610766, -0.005391678772866726, -0.007386874873191118, -0.013823342509567738, -0.017236914485692978, -0.0177967119961977, -0.029523571953177452, -0.027327043935656548, -0.039260417222976685, -0.04240040481090546, -0.04156947135925293, -0.05015945807099342, -0.040056973695755005, -0.05554830655455589, -0.04656705632805824, -0.05250544100999832, -0.0605793260037899, -0.04040082171559334, -0.06319598108530045, -0.050997294485569, -0.047994159162044525, -0.06217261031270027, -0.04747914522886276, -0.06596381217241287, -0.049445461481809616, -0.056269627064466476, -0.07019269466400146, -0.06100788712501526, -0.0761919617652893, -0.05410131812095642, -0.0836702287197113, -0.07477019727230072, -0.06019261106848717, -0.08808642625808716, -0.06541194766759872, -0.09483842551708221, -0.06734997779130936, -0.08479148149490356, -0.0975104570388794, -0.08536703884601593, -0.09729330986738205, -0.076266810297966, -0.10579350590705872, -0.07494257390499115, -0.06207070127129555, -0.06410738080739975, -0.045233018696308136, -0.04741868004202843, -0.010188729502260685, -0.017567547038197517, -0.010862775146961212, 0.004363031592220068, 0.01071818359196186, 0.030621418729424477, 0.014164595864713192, 0.047159694135189056, 0.04964729771018028, 0.057495564222335815, 0.06512762606143951, 0.059833139181137085, 0.0816686749458313, 0.06565188616514206, 0.06509913504123688, 0.06327957659959793, 0.05719216540455818, 0.053047627210617065, 0.04203549027442932, 0.04259045049548149, 0.0363912396132946, 0.027057364583015442, 0.019311677664518356, 0.01296377182006836, 0.007611087057739496, -0.00928562879562378, -0.012844938784837723, -0.018002411350607872, -0.02790643647313118, -0.02929191291332245, -0.03161957487463951, -0.02701619267463684, -0.027964705601334572, -0.03470144793391228, -0.02860802225768566, -0.02170860767364502, -0.02294871397316456, -0.0238647423684597, -0.019459569826722145, -0.008175966329872608, -0.010129803791642189, -0.005358554422855377, 0.008422017097473145, 0.015226532705128193, 0.019072720780968666, 0.023103049024939537, 0.029038771986961365, 0.033090632408857346, 0.03741723299026489, 0.035561542958021164, 0.03853065147995949, 0.04254482686519623, 0.040452878922224045, 0.04434705525636673, 0.04355194792151451, 0.04263089597225189, 0.04213804379105568, 0.040899135172367096, 0.039445891976356506, 0.03529490903019905, 0.032348982989788055, 0.028820762410759926, 0.02296149916946888, 0.02002842351794243, 0.007488912437111139, 0.01755169965326786, 0.0062306770123541355, 0.0013415546854957938, 0.002538548083975911, 0.0006515450659208, 0.00048674861318431795, -0.00912737287580967, 0.00036606736830435693, -0.00908428430557251, -0.0022424685303121805, -0.0037265243008732796, -0.0017319628968834877, 0.01087705884128809, 0.009624481201171875, 0.018525151535868645, 0.01907414384186268, 0.01932973600924015, 0.020136483013629913, 0.026966111734509468, 0.032034505158662796, 0.035409778356552124, 0.04208749905228615, 0.04663735255599022, 0.05506901070475578, 0.058369558304548264, 0.06107993423938751, 0.06109471246600151, 0.05442637577652931, 0.05239105224609375, 0.04718034714460373, 0.04964451119303703, 0.048011403530836105, 0.03896186873316765, 0.04334445297718048, 0.038242317736148834, 0.03855869919061661, 0.03515850752592087, 0.028126580640673637, 0.02175874263048172, 0.014703016728162766, 0.013530784286558628, 0.007925955578684807, 0.011824535205960274, 0.007858075201511383, 0.006103286519646645, 0.009685155935585499, 0.004285235423594713, 0.009815962053835392, 0.0048474338836967945, 0.002505058888345957, -0.001072048326022923, 0.0006912765093147755, 0.0009289008448831737, 0.0013395996065810323, 0.008414478041231632, 0.0018047424964606762, 0.003948303870856762, 0.004376815631985664, 0.001333534368313849, 0.0014037537621334195, -0.0033580828458070755, -0.009580596350133419, -0.011077661998569965, -0.010792164131999016, -0.014578786678612232, -0.019114339724183083, -0.015656759962439537, -0.022611362859606743, -0.02675497531890869, -0.026749294251203537, -0.030133159831166267, -0.03170071914792061, -0.03575628250837326, -0.03431560844182968, -0.0412369966506958, -0.037092339247465134, -0.04017504304647446, -0.04640384390950203, -0.04461941868066788, -0.04808754473924637, -0.04100500047206879, -0.05245776101946831, -0.04589681699872017, -0.05694594979286194, -0.04448932036757469, -0.04873597249388695, -0.057464659214019775, -0.03949085623025894, -0.062099575996398926, -0.04892591014504433, -0.057845339179039, -0.059813205152750015, -0.05655432119965553, -0.05363745987415314, -0.06002208590507507, -0.0627986267209053, -0.04924732446670532, -0.0653684064745903, -0.05310233309864998, -0.059855807572603226, -0.06527789682149887, -0.047856900840997696, -0.07011368125677109, -0.041271187365055084, -0.04457344487309456, -0.03904219716787338, -0.028926847502589226, -0.0336083248257637, -0.006847543641924858, -0.013539639301598072, 0.0020551832858473063, 0.003372830105945468, 0.0133405402302742, 0.019363058730959892, 0.021986788138747215, 0.040877342224121094, 0.03448527678847313, 0.055642273277044296, 0.04497244581580162, 0.045166850090026855, 0.06674937903881073, 0.051381707191467285, 0.06083620712161064, 0.050721362233161926, 0.05361606180667877, 0.05532225966453552, 0.04691467806696892, 0.047393664717674255, 0.04214923828840256, 0.040407996624708176, 0.026866529136896133, 0.02957688271999359, 0.017075415700674057, 0.01792803592979908, 0.015052027069032192, -0.0009661309886723757, 0.006184418220072985, -7.144984556362033e-05, 0.00035351444967091084, -0.0032771683763712645, -0.008115861564874649, -0.009506854228675365, -0.010717124678194523, -0.008472969755530357, -0.012949531897902489, -0.00780462846159935, -0.010304812341928482, -0.005805875640362501, -0.0034228067379444838, -0.006312614772468805, 0.006897231098264456, 0.004953324329108, 0.0016498420154675841, 0.012351900339126587, 0.011151938699185848, 0.014086143113672733, 0.016943782567977905, 0.016832297667860985, 0.021525273099541664, 0.01854674331843853, 0.025968262925744057, 0.030836621299386024, 0.025208983570337296, 0.03124106675386429, 0.028500428423285484, 0.028083236888051033, 0.026389652863144875, 0.0252631027251482, 0.025074012577533722, 0.019958773627877235, 0.023110339418053627, 0.015525847673416138, 0.024059414863586426, 0.014795719645917416, 0.01092778891324997, 0.009433557279407978, 0.007233454380184412, 0.010145032778382301, 0.0033914956729859114, 0.005154155194759369, 0.0035798205062747, 0.009980734437704086, -0.0005004488630220294, 0.011047394014894962, 0.014087649062275887, 0.007427195552736521, 0.020720329135656357, 0.005898480303585529, 0.02361302264034748, 0.02246757596731186, 0.018019048497080803, 0.029354488477110863, 0.023345308378338814, 0.04358139634132385, 0.030463801696896553, 0.03537605702877045, 0.04542448744177818, 0.03334546461701393, 0.043466124683618546, 0.032910093665122986, 0.04507766664028168, 0.0384494848549366, 0.03560132160782814, 0.04153303802013397, 0.03241114690899849, 0.041266459971666336, 0.02840098924934864, 0.033758219331502914, 0.02862272784113884, 0.02127663604915142, 0.022629188373684883, 0.014497906900942326, 0.018026938661932945, 0.0055502960458397865, 0.011350237764418125, 0.004392086062580347, 0.0036158410366624594, 0.006154652684926987, -0.0008615671540610492, 0.00693771056830883, -0.005915461573749781, -0.0010952908778563142, -0.004104240331798792, -0.009875998832285404, -0.0064940303564071655, -0.006260314956307411, -0.006874664220958948, -0.008030759170651436, 0.0017011938616633415, -0.011777461506426334, -0.007752656936645508, -0.008284703828394413, -0.009197629056870937, -0.01656249724328518, -0.024631325155496597, -0.0013699494302272797, -0.02617405168712139, -0.021495161578059196, -0.006135251373052597, -0.01924498751759529, -0.0335383415222168, -0.0302653256803751, -0.018751759082078934, -0.030743027105927467, -0.03682808578014374, -0.035177960991859436, -0.024282634258270264, -0.03590201213955879, -0.04361206665635109, -0.009402674622833729, -0.030534574761986732, -0.05389854311943054, -0.023998873308300972, -0.038229770958423615, -0.04568130150437355, -0.049049124121665955, -0.04255059361457825, -0.046476755291223526, -0.06310969591140747, -0.03930163010954857, -0.04806435480713844, -0.0507773831486702, -0.04787447303533554, -0.05514924228191376, -0.05196850001811981, -0.058233581483364105, -0.04336434230208397, -0.05592109635472298, -0.06394116580486298, -0.043061211705207825, -0.04977593570947647, -0.05141225457191467, -0.04585892707109451, -0.03766612708568573, -0.051732614636421204, -0.0545794852077961, -0.04234698787331581, -0.04226669296622276, -0.037009093910455704, -0.036236125975847244, -0.02838466316461563, -0.015807844698429108, -0.004802620504051447, -0.0013874104479327798, 0.006036585196852684, 0.01886768452823162, 0.014976256527006626, 0.01187994796782732, 0.02220415510237217, 0.033463072031736374, 0.02897176332771778, 0.029757125303149223, 0.03800947964191437, 0.04389949515461922, 0.050411406904459, 0.049918193370103836, 0.04814190790057182, 0.05026848614215851, 0.04532311111688614, 0.042575348168611526, 0.03869105875492096, 0.0374702550470829, 0.035576529800891876, 0.026775764301419258, 0.02448130212724209, 0.023169614374637604, 0.02457905374467373, 0.019485952332615852, 0.012607872486114502, 0.009788473136723042, 0.0029273207765072584, -0.00045674617285840213, -0.0020329745020717382, -0.007073157001286745, -0.005717456806451082, -0.007436702027916908, -0.005497463513165712, -0.007628712337464094, -0.0023304151836782694, -0.003589903935790062, -0.008695966564118862, -0.0036359282676130533, -0.006575342267751694, 0.0010816799476742744, -0.0014499770477414131, 0.003195452271029353, 0.00971730425953865, 0.005326184909790754, 0.016112910583615303, 0.017837507650256157, 0.014497878961265087, 0.019297173246741295, 0.02085069753229618, 0.02369914948940277, 0.021424854174256325, 0.022627780213952065, 0.02738165110349655, 0.024030601605772972, 0.025138117372989655, 0.03118426352739334, 0.025308052077889442, 0.028433330357074738, 0.031589265912771225, 0.02510087564587593, 0.029176006093621254, 0.02800683118402958, 0.032852109521627426, 0.02383904717862606, 0.022957852110266685, 0.02977132610976696, 0.018337389454245567, 0.02275325171649456, 0.020836176350712776, 0.020420484244823456, 0.02193763479590416, 0.02206934243440628, 0.023854944854974747, 0.025109324604272842, 0.026008103042840958, 0.028038740158081055, 0.027090586721897125, 0.028002619743347168, 0.026769671589136124, 0.03094875067472458, 0.030895443633198738, 0.027264656499028206, 0.039968956261873245, 0.0342818908393383, 0.03366091474890709, 0.03691902011632919, 0.04167221486568451, 0.03752988949418068, 0.03446159139275551, 0.04025347903370857, 0.034043312072753906, 0.03551537171006203, 0.03996264562010765, 0.033561479300260544, 0.036418695002794266, 0.0341186597943306, 0.033433739095926285, 0.028118466958403587, 0.028118208050727844, 0.028757870197296143, 0.01243980135768652, 0.02037271298468113, 0.016698895022273064, 0.007745444308966398, 0.02377237007021904, 0.012124480679631233, 0.012806285172700882, 0.013042041100561619, 0.007837898097932339, 0.009512868709862232, 0.010190299712121487, 0.004039749037474394, -0.005695939064025879, 0.003906785976141691, 0.01572662591934204, -0.008447310887277126, 0.00640142010524869, 0.016808830201625824, 0.005218524485826492, -0.0012614941224455833, -0.004175179172307253, 0.015240301378071308, 0.00698330020532012, -0.01905781216919422, -0.0049329181201756, 0.009393558837473392, -0.010008418001234531, -0.019875582307577133, -0.011004714295268059, 0.013328504748642445, -0.038846779614686966, -0.002225656295195222, -0.0053510828875005245, -0.03690863028168678, -0.00891853030771017, -0.02482825517654419, -0.015159283764660358, -0.04110361263155937, -0.030614590272307396, -0.007199310231953859, -0.051236554980278015, -0.04587974026799202, -0.015905924141407013, -0.03513972461223602, -0.032333336770534515, -0.054459355771541595, -0.024487003684043884, -0.0284262727946043, -0.050507497042417526, -0.03512313961982727, -0.04737911745905876, -0.023536885157227516, -0.04125790297985077, -0.05046093091368675, -0.047984059900045395, -0.028275862336158752, -0.03930686414241791, -0.05984559655189514, -0.030591020360589027, -0.023831570520997047, -0.04697846621274948, -0.03725065663456917, -0.0348956473171711, -0.026990709826350212, -0.0446319654583931, -0.05271824076771736, -0.03256724402308464, -0.04449133202433586, -0.03146420046687126, -0.033097054809331894, -0.03748783841729164, -0.014076322317123413, -0.02231050282716751, -0.01709444634616375, -0.016569064930081367, -0.007126675918698311, -0.005723188165575266, -0.022069530561566353, -0.00800176989287138, 0.005669631529599428, 0.006221425719559193, 0.0029290514066815376, 0.02246640995144844, 0.027150029316544533, 0.022029699757695198, 0.032276418060064316, 0.025318767875432968, 0.020520247519016266, 0.027081258594989777, 0.016487250104546547, 0.021000651642680168, 0.023799775168299675, 0.022826196625828743, 0.02888217568397522, 0.025726087391376495, 0.020603036507964134, 0.02576785534620285, 0.011431061662733555, 0.009515179321169853, 0.00965579878538847, 0.0008018333464860916, -0.0028349552303552628, -0.00035092452890239656, 0.0039050832856446505, -0.000898098514880985, 0.0032538212835788727, 0.0015550516545772552, 0.0016675987280905247, -0.0013664389261975884, -0.005217422265559435, -0.0074152047745883465, -0.0041345651261508465, -0.011573081836104393, -0.005423110909759998, -0.006124987732619047, -0.0038068732246756554, 0.0028755611274391413, -0.00034281701664440334, 0.00529837841168046, 0.005186369176954031, 0.004188156221061945, 0.0029496566858142614, 0.0053675114177167416, 0.011737016029655933, 0.003629879327490926, 0.009598953649401665, 0.019377125427126884, 0.0194587092846632, 0.01846970245242119, 0.02594825252890587, 0.027120327576994896, 0.022936927154660225, 0.020824948325753212, 0.022806448861956596, 0.02336185611784458, 0.017519239336252213, 0.023073529824614525, 0.021261107176542282, 0.017172345891594887, 0.02729610539972782, 0.015092437155544758, 0.02645195461809635, 0.0287473127245903, 0.012017926201224327, 0.021586010232567787, 0.01748695969581604, 0.009722411632537842, 0.016985781490802765, 0.016010096296668053, 0.013804181478917599, 0.015317012555897236, 0.026721367612481117, 0.026239601895213127, 0.01800786517560482, 0.02585199661552906, 0.01535907480865717, 0.028453083708882332, 0.01008335966616869, 0.012027239426970482, 0.0339982733130455, 0.020135866478085518, 0.021140092983841896, 0.017612062394618988, 0.046490270644426346, 0.02727542072534561, 0.00043088558595627546, 0.027103016152977943, 0.0189390629529953, 0.0008571080397814512, 0.009292332455515862, 0.02066621370613575, -0.009926741011440754, 0.014014636166393757, 0.030694633722305298, -0.0134503822773695, 0.0005431875470094383, 0.019503725692629814, 0.004489224869757891, -0.005906652193516493, -0.02204703725874424, 0.021092666313052177, 0.010267980396747589, -0.04021648317575455, 0.0043208301067352295, 0.027153246104717255, -0.006892545614391565, -0.018816141411662102, 0.017712874338030815, 0.009343761019408703, -0.025336559861898422, -0.023330433294177055, 0.020336298272013664, -0.004897049628198147, -0.035836342722177505, -0.003933944273740053, 0.02646555006504059, -0.05398843064904213, -0.003637209301814437, 0.004898792132735252, -0.0396234393119812, 0.01845846138894558, -0.03152243793010712, -0.02207905240356922, -0.0005534338415600359, -0.024988768622279167, -0.019989361986517906, -0.018590141087770462, -0.014641381800174713, 0.012037109583616257, -0.030800633132457733, -0.042814355343580246, 0.01913568191230297, -0.0034311951603740454, -0.07052955031394958, -0.01566065289080143, -0.0025788727216422558, -0.033136676996946335, -0.04917041212320328, 0.007490446791052818, 0.0071283429861068726, -0.05861121788620949, -0.023531382903456688, 0.014324627816677094, -0.0489853136241436, -0.03133141249418259, -0.019861821085214615, -0.015741638839244843, -0.052266925573349, -0.02473199926316738, 0.011326135136187077, -0.042963430285453796, -0.03598620742559433, -0.00308683211915195, 0.0002893554337788373, -0.06529790163040161, -0.018816761672496796, -0.0002259544125990942, -0.04077610746026039, -0.04836758226156235, -0.01858808472752571, 0.009571594186127186, -0.04295184090733528, -0.015783486887812614, -0.007063031662255526, -0.028598999604582787, -0.018982546404004097, -0.01831287145614624, -0.01518182922154665, -0.027065053582191467, -0.016878018155694008, -0.012521945871412754, -0.029798438772559166, -0.008889642544090748, 0.009874861687421799, -0.022819308564066887, -0.006841135676950216, -0.00454513868317008, -0.002576621249318123, -0.0017474762862548232, -0.020068524405360222, 0.004862844478338957, -0.0009402635623700917, -0.010744266211986542, 0.007491772528737783, 0.00858761090785265, 0.011672602035105228, 0.005389773286879063, 0.003905545687302947, 0.00942168291658163, 0.005732556339353323, 0.006802423391491175, 0.01270463690161705, 0.015096932649612427, 0.0053414772264659405, 0.0118015818297863, 0.020882735028862953, 0.02575213648378849, 0.008324836380779743, 0.007818775251507759, 0.02820350043475628, 0.006940433755517006, 0.01030227541923523, 0.025419246405363083, 0.012149818241596222, 0.009150396101176739, 0.018166232854127884, 0.01703396998345852, 0.00458489079028368, 0.019840465858578682, 0.023480018600821495, -0.0006685990374535322, 0.007838819175958633, 0.014119748026132584, 0.002704189158976078, 0.022962523624300957, 0.0044606816954910755, 0.0014152689836919308, 0.02205388806760311, 0.006705327890813351, -0.007801536004990339, 0.026097115129232407, 0.008471560664474964, 0.0043640718795359135, 0.01777881756424904, 0.006331258453428745, 0.022940531373023987, 0.022661881521344185, -0.01917302794754505, 0.02537677064538002, 0.03177238628268242, -0.008904430083930492, 0.01685054413974285, 0.025187669321894646, 0.02422720566391945, 0.012222988530993462, 0.013747986406087875, 0.02632896602153778, 0.010497917421162128, 0.015436078421771526, 0.0073731341399252415, 0.010093726217746735, 0.02368692308664322, 0.021915121003985405, -0.028151316568255424, 0.04340505599975586, 0.045799754559993744, -0.0410914346575737, 0.006428562570363283, 0.03165629878640175, 0.019005557522177696, -0.026436278596520424, 0.020943809300661087, 0.004262293688952923, -0.0062861936166882515, 0.02995690144598484, -0.06620480865240097, 0.07146560400724411, 0.02808373235166073, -0.05714806541800499, 0.0016213516937568784, 0.030977845191955566, 0.026393426582217216, -0.07519189268350601, 0.0026657083071768284, 0.05960427224636078, -0.04302094876766205, -0.035813771188259125, 0.04360349476337433, 0.014822275377810001, -0.014137196354568005, -0.020173082128167152, -0.012481656856834888, 0.045758601278066635, -0.018185505643486977, -0.03442899510264397, -0.006544674281030893, 0.020045895129442215, 0.02261647768318653, -0.082643061876297, -0.010057101026177406, 0.07682585716247559, -0.0008606018382124603, -0.08143327385187149, -0.035396575927734375, 0.10540062934160233, -0.02729538269340992, -0.09710655361413956, 0.04739483818411827, -0.030622951686382294, 0.015179742127656937, -0.03223846107721329, -0.025235293433070183, 0.008035726845264435, -0.004553784150630236, 0.01218200009316206, -0.04921701177954674, -0.03368903696537018, 0.011378925293684006, 0.04109417647123337, -0.06741772592067719, -0.062112778425216675, 0.08038853108882904, -0.0077143642120063305, -0.08209220319986343, -0.004527311772108078, 0.051058411598205566, -0.0012016566470265388, -0.0847395583987236, 0.0035071305464953184, 0.030257120728492737, -0.001699679414741695, -0.06012190505862236, -0.005865480750799179, 0.039665691554546356, -0.041698113083839417, -0.013816137798130512, -0.016428017988801003, 0.011613835580646992, -0.0014943275600671768, -0.030789198353886604, -0.020424440503120422, 0.01842327043414116, -0.0047171288169920444, -0.045518770813941956, 0.009062632918357849, 0.01433205883949995, -0.06846023350954056, 0.049685459583997726, -0.04437898471951485, 0.012597266584634781, 0.0037443863693624735, -0.03896055743098259, 0.006524133030325174, -0.012852762825787067, -0.0020230270456522703, -0.007711982354521751, -0.021918293088674545, 0.01586298458278179, -0.028782082721590996, 0.01251193042844534, -0.018346527591347694, 0.011335819028317928, -0.007668622303754091, -0.05443957448005676, 0.056524425745010376, -0.01959538646042347, -0.014279887080192566, -0.02607431448996067, 0.00633810181170702, 0.010689320974051952, -0.02766379527747631, 0.0013196539366617799, 0.0206289105117321, -0.019524233415722847, -0.01221949141472578, 0.016722610220313072, -0.016055358573794365, -0.016057679429650307, 0.031002631410956383, -0.04229156672954559, 0.00972704216837883, 0.009163779206573963, -0.0029533589258790016, 0.008277098648250103, -0.028139593079686165, 0.016740016639232635, 0.02235187590122223, -0.05804175138473511, 0.031011134386062622, 0.023368598893284798, -0.03482074290513992, 0.001163324574008584, 0.04187670350074768, -0.048212867230176926, 0.01708320714533329, 0.03787240758538246, -0.07935663312673569, 0.08121517300605774, -0.007822827436029911, -0.06885116547346115, 0.10673917084932327, -0.042059943079948425, -0.03005177527666092, 0.0965675413608551, -0.0787946954369545, 0.0057537448592484, 0.08300786465406418, -0.07074350863695145, 0.007497073616832495, 0.043868254870176315, -0.02860451675951481, 0.015710260719060898, 0.03358309715986252, -0.0458810068666935, 0.033200427889823914, -0.009737838059663773, 0.022944042459130287, -0.028485679998993874, 0.028787681832909584, -0.0015892049996182323, 0.005876244977116585, 0.013531174510717392, -0.029726117849349976, 0.05035179480910301, -0.007008901331573725, 0.0029587766621261835, -0.02490289695560932, 0.026593785732984543, 0.015165966935455799, -0.049334798008203506, 0.06265205144882202, 0.004811862949281931, -0.061071883887052536, 0.07044243812561035, 0.011654568836092949, -0.0866374671459198, 0.11041665077209473, -0.05162623152136803, -0.006391159724444151, 0.053940437734127045, -0.06507370620965958, 0.0487016960978508, 0.022533349692821503, -0.032842006534338, 0.015122801996767521, 0.010419132187962532, -0.007204672787338495, 0.0198504701256752, -0.020981349050998688, 0.009824911132454872, 0.012694643810391426, -0.00014233961701393127, 0.019054578617215157, -0.06126915290951729, 0.08425495773553848, -0.0004498108464758843, -0.10407570749521255, 0.13621623814105988, -0.08178719878196716, 0.01362109649926424, 0.05167519673705101, -0.0876164361834526, 0.08246733993291855, -0.07388890534639359, 0.05466308444738388, -0.004450122360140085, -0.03057952970266342, 0.02363668940961361, -0.004828863777220249, -0.019167747348546982, 0.030764112249016762, -0.011613690294325352, -0.017727363854646683, 0.07565470784902573, -0.12270459532737732, 0.05554284527897835, 0.06664403527975082, -0.07248163968324661, -0.028875084593892097, 0.07883167266845703, 0.01776890642940998, -0.09208591282367706, 0.026284577324986458, 0.051718343049287796, 0.0010321242734789848, -0.0768183022737503, 0.021651113405823708, 0.004150036722421646, 0.005777026526629925, 0.015264604240655899, -0.024509631097316742, -0.04898985102772713, 0.13372419774532318, -0.092725470662117, -0.054745715111494064, 0.1275372952222824, -0.05704804137349129, -0.0493202805519104, 0.045774150639772415, 0.031040824949741364, -0.08357484638690948, 0.07774431258440018, 0.008973201736807823, -0.08938979357481003, 0.07351718097925186, -0.010883092880249023, -0.03311781957745552, 0.05274387449026108, -0.06091856583952904, 0.043645069003105164, -0.01799333281815052, -0.0069533903151750565, 0.008779129013419151, -0.0018065484473481774, 0.013387847691774368, -0.01136734988540411, -0.028520695865154266, 0.018487144261598587, 0.036617450416088104, -0.03893269598484039, -0.0394219234585762, 0.10270792245864868, -0.09769377112388611, 0.011034798808395863, 0.1089400053024292, -0.1156383603811264, 0.02633967250585556, 0.0026708217337727547, 0.05599425360560417, -0.09593677520751953, 0.005567796528339386, 0.12202325463294983, -0.057960424572229385, -0.12960071861743927, 0.1390463262796402, 0.030556879937648773, -0.12417671084403992, 0.10323074460029602, -0.07951509952545166, 0.049543578177690506, 0.011093190871179104, -0.06784898042678833, 0.09773172438144684, -0.060918956995010376, 0.0028787737246602774, 0.06038190796971321, -0.05561859533190727, -0.02486872486770153, 0.07849723845720291, -0.0424831323325634, -0.0004213763168081641, -0.040552131831645966, 0.05011672154068947, 0.05992290750145912, -0.146859273314476, 0.10583586990833282, -0.020455416291952133, 0.014501258730888367, -0.09733902662992477, 0.10845187306404114, -0.025841496884822845, -0.048428554087877274, 0.04989101365208626, -0.01715421862900257, -0.002226242795586586, -0.0180963147431612, 0.04785500466823578, -0.022910304367542267, -0.010776003822684288, -0.0012096340069547296, 0.05048149824142456, -0.0848342776298523, 0.10239911079406738, -0.06824754178524017, -0.009984486736357212, 0.028697796165943146, -0.018440211191773415, 0.023764455690979958, -0.012623532675206661, -0.054143596440553665, 0.10342898964881897, -0.041346438229084015, -0.06612544506788254, 0.06011912226676941, 0.05300689861178398, -0.09156949073076248, -0.018139461055397987, 0.08433345705270767, -0.023749565705657005, -0.03796602413058281, 0.05386854335665703, -0.02070818468928337, -0.0015407947357743979, -0.0072005935944616795, -0.02739463746547699, 0.06802587956190109, -0.02555144391953945, -0.0755954310297966, 0.07925254106521606, -0.01603558100759983, 0.014514596201479435, -0.021791549399495125, -0.05867748335003853, 0.10846008360385895, -0.0657128244638443, -0.00468486687168479, -0.009419426321983337, -0.004075313452631235, 0.06824004650115967, -0.05063239485025406, -0.09910444170236588, 0.13119055330753326, 0.007928130216896534, -0.04610636457800865, -0.0534563884139061, 0.0047048297710716724, 0.15629476308822632, -0.1776343137025833, -0.010361202992498875, 0.11224695295095444, 0.008189449086785316, -0.07484361529350281, -0.05299264192581177, 0.1357685774564743, -0.010692753829061985, -0.16704115271568298, 0.12773481011390686, -0.021586300805211067, -0.03954187408089638, 0.0912700891494751, -0.1500047892332077, 0.07710220664739609, 0.12295138835906982, -0.17140020430088043, -0.06114796921610832, 0.20549613237380981, -0.09012472629547119, -0.06841988116502762, 0.03403211385011673, 0.011354035697877407, 0.08496523648500443, -0.1599200814962387, 0.04935862496495247, 0.08703681826591492, -0.04870549589395523, -0.03809304162859917, -0.029786856845021248, 0.1331506222486496, -0.11826127022504807, 0.021511154249310493, -0.030076375231146812, 0.07028370350599289, 0.01780920848250389, -0.12647803127765656, 0.07182858139276505, 0.06609535962343216, -0.07159745693206787, -0.017462164163589478, 0.01917739026248455, -0.015496502630412579, 0.11361700296401978, -0.16398902237415314, 0.026178007945418358, 0.09138619899749756, -0.032899919897317886, -0.04293634742498398, 0.019578196108341217, 0.00012234679888933897, 0.07501468807458878, -0.08375109732151031, -0.06337893754243851, 0.13861927390098572, -0.04291878268122673, -0.04460762068629265, -0.006492974236607552, 0.0007954330649226904, 0.12421192973852158, -0.12714783847332, -0.08788683265447617, 0.21289928257465363, -0.05242833495140076, -0.1470971554517746, 0.08380702137947083, 0.06372454762458801, -0.018853820860385895, -0.09828073531389236, 0.06160011887550354, 0.021981416270136833, -0.007401451934129, -0.021748706698417664, 0.00277046044357121, 0.006098077166825533, 0.01573522388935089, -0.005473263096064329, -0.02487306110560894, -0.010293176397681236, 0.045841921120882034, 0.0051639568991959095, -0.10281700640916824, 0.07900363206863403, 0.015598869882524014, -0.030001448467373848, -0.02063027024269104, 0.0029937252402305603, 0.0896153375506401, -0.09728020429611206, -0.06472358852624893, 0.15176762640476227, -0.02447470836341381, -0.10601521283388138, 0.026305221021175385, 0.032814811915159225, 0.06198497489094734, -0.13460755348205566, 0.04193186014890671, 0.06528809666633606, -0.05462845787405968, -0.04396021366119385, 0.10541971027851105, -0.12621775269508362, 0.11922869831323624, -0.05097981169819832, -0.023278752341866493, 0.017248054966330528, 0.03871387988328934, -0.051008980721235275, 0.034032177180051804, -0.04486019164323807, 0.017128191888332367, 0.06847326457500458, -0.2006334662437439, 0.23387055099010468, -0.06528574973344803, -0.16474048793315887, 0.1899251788854599, -0.050423212349414825, -0.0535072423517704, 0.08167107403278351, -0.07672417163848877, 0.010150376707315445, 0.07491829991340637, -0.09793969988822937, 0.05477387085556984, -0.010591999627649784, -0.0054814997129142284, 0.04505874216556549, -0.09469586610794067, 0.04634760692715645, 0.07572639733552933, -0.12103771418333054, 0.008672510273754597, 0.11699378490447998, -0.09843156486749649, 0.0005256995791569352, 0.008295037783682346, 0.035319115966558456, 0.0016967803239822388, -0.08244431763887405, 0.047533273696899414, 0.028555404394865036, -0.02518773451447487, -0.015817997977137566, 0.06463801860809326, -0.09274141490459442, 0.057671815156936646, 0.05453743040561676, -0.1485423594713211, 0.09751418232917786, 0.03257825970649719, -0.08414924889802933, 0.044202182441949844, -0.030348217114806175, 0.026730550453066826, 0.0693579837679863, -0.14114661514759064, 0.05394404008984566, 0.09353021532297134, -0.1353760063648224, 0.050757646560668945, 0.031010225415229797, -0.07999876886606216, 0.11707325279712677, -0.09966996312141418, 0.012686645612120628, 0.1183236837387085, -0.18055301904678345, 0.15859583020210266, -0.0970761775970459, 0.010675158351659775, 0.06699178367853165, -0.09935256093740463, 0.03578535094857216, 0.06129072979092598, -0.055946577340364456, -0.047803957015275955, 0.11528480798006058, -0.0955013707280159, 0.08821120858192444, -0.06721555441617966, -0.0354938767850399, 0.1418120414018631, -0.12989817559719086, -0.013292970135807991, 0.1072038784623146, -0.058345694094896317, -0.059236835688352585, 0.1263638585805893, -0.14550776779651642, 0.11600963771343231, -0.000668925407808274, -0.11326443403959274, 0.07889019697904587, 0.04812246188521385, -0.12099470943212509, 0.06853242963552475, 0.006934849079698324, -0.05342228710651398, 0.08590073138475418, -0.09964851289987564, 0.07326153665781021, 0.014151199720799923, -0.10594712942838669, 0.11263871937990189, -0.03253906965255737, -0.0714244619011879, 0.10955154150724411, -0.08234552294015884, 0.03479823097586632, 0.019213762134313583, -0.077778160572052, 0.09808012843132019, -0.05319124087691307, -0.02319500595331192, 0.08069994300603867, -0.10577132552862167, 0.08177302032709122, -0.02813519351184368, -0.022602582350373268, 0.06136108934879303, -0.07754621654748917, 0.08854750543832779, -0.0754711702466011, 0.014646829105913639, 0.04374230280518532, -0.022990284487605095, -0.04722468927502632, 0.04093332961201668, 0.00421305513009429, 0.008554483763873577, -0.02813112922012806, -0.0058466047048568726, 0.07513211667537689, -0.08877725154161453, 0.0010636983206495643, 0.09085039049386978, -0.08394140005111694, -0.03891926258802414, 0.1607351005077362, -0.1530909240245819, 0.04155411571264267, 0.021752111613750458, -0.04541344195604324, 0.08530008792877197, -0.11232344061136246, 0.07847161591053009, 0.022990267723798752, -0.09659625589847565, 0.08151264488697052, -0.014002053998410702, -0.02468174695968628, -0.015521728433668613, 0.06237444654107094, -0.05882963910698891, 0.019101183861494064, 0.032140832394361496, -0.037599917501211166, 0.0027113682590425014, -0.006288755219429731, 0.06269679963588715, -0.08192525804042816, -5.901170879951678e-05, 0.06986631453037262, -0.05090734362602234, 0.016485033556818962, -0.010442775674164295, -0.009482861496508121, 0.0781971663236618, -0.06816301494836807, -0.0375649556517601, 0.10913854092359543, -0.044127292931079865, -0.05237802118062973, 0.03060147725045681, 0.04147064685821533, -0.02102177031338215, -0.0699181854724884, 0.10459733009338379, -0.02593992091715336, -0.022348307073116302, 0.009318233467638493, -0.025630364194512367, 0.11695641279220581, -0.13860216736793518, 0.010829977691173553, 0.10653810948133469, -0.07217443734407425, -0.016660822555422783, 0.028116710484027863, 0.02331932634115219, -0.04100506007671356, 0.04981003329157829, -0.05900944396853447, 0.045233339071273804, -0.00047983662807382643, -0.02504817023873329, 0.013179266825318336, 0.0006631299038417637, 0.03075190633535385, -0.08784893900156021, 0.07978244125843048, -0.03195859119296074, 0.04773830994963646, -0.07718560844659805, 0.038547538220882416, 0.050179529935121536, -0.04075789079070091, -0.006912295240908861, -0.05298100784420967, 0.13677728176116943, -0.13636304438114166, 0.08206463605165482, -0.04390573874115944, 0.04163588210940361, -0.02743455022573471, -0.003163157496601343, 0.05084637552499771, -0.07277386635541916, 0.0903325080871582, -0.12216338515281677, 0.081678107380867, 0.047080397605895996, -0.15841253101825714, 0.1202283576130867, -0.010701012797653675, 0.016883546486496925, -0.06285784393548965, 0.03866298496723175, 0.02149595133960247, 0.0057380651123821735, -0.07892628014087677, 0.050658103078603745, 0.05668581649661064, -0.148766428232193, 0.14257773756980896, -0.04655355587601662, -0.05090608820319176, 0.0902043879032135, -0.08036482334136963, 0.03559107333421707, -0.00699138268828392, 0.03014780767261982, -0.03394484892487526, -0.009735549800097942, 0.05144999921321869, -0.07568889111280441, 0.08860819041728973, -0.12256651371717453, 0.14131276309490204, -0.09868910163640976, 0.038112565875053406, 0.02546350285410881, -0.07521897554397583, 0.09520133584737778, -0.0503762848675251, -0.033893898129463196, 0.05734345316886902, -0.00836088601499796, -0.021995099261403084, -0.014447192661464214, 0.022864272817969322, 0.04528859257698059, -0.11014563590288162, 0.08532559871673584, -0.03676878288388252, 0.07692138105630875, -0.12458035349845886, 0.0461004413664341, 0.08948054164648056, -0.1425606906414032, 0.11059263348579407, -0.0845094546675682, 0.09536966681480408, -0.08874443173408508, 0.024877363815903664, 0.06627825647592545, -0.1072995737195015, 0.09046677500009537, -0.0729154497385025, 0.0761728584766388, -0.08731093257665634, 0.047632988542318344, 0.03083794005215168, -0.06937403976917267, 0.00800009723752737, 0.08291082084178925, -0.09742844849824905, 0.039678577333688736, 0.01632530800998211, -0.01727014221251011, -0.0341719426214695, 0.07344141602516174, -0.11340132355690002, 0.09942589700222015, -0.010147536173462868, -0.07490407675504684, 0.055676985532045364, 0.04553079232573509, -0.1044551432132721, 0.031936243176460266, 0.0731700137257576, -0.06573624908924103, 0.010998629033565521, -0.06913214176893234, 0.15678104758262634, -0.11549198627471924, -0.02658192813396454, 0.06757752597332001, 0.036915335804224014, -0.08962181210517883, 0.017216460779309273, 0.024879267439246178, 0.03408374264836311, -0.06626977771520615, -0.01843574456870556, 0.054733578115701675, 0.02578420378267765, -0.08634739369153976, 0.01374984160065651, 0.08007258176803589, -0.07919061183929443, 0.015829095616936684, 0.027232550084590912, -0.021578144282102585, -0.05513326823711395, 0.10725708305835724, -0.013279217295348644, -0.10582726448774338, 0.07149539887905121, 0.027042753994464874, 0.014893054030835629, -0.08857029676437378, -0.0003805165470112115, 0.10631713271141052, -0.045697782188653946, -0.11469177156686783, 0.126307412981987, 0.029046455398201942, -0.1351437270641327, 0.10550837218761444, -0.0458109974861145, 0.05905643478035927, -0.045544177293777466, -0.02003031224012375, 0.028606638312339783, 9.089180821320042e-05, -0.0036264134105294943, -0.017578760161995888, 0.0034318191464990377, -0.012195846065878868, 0.04327847808599472, -0.034498218446969986, 0.0016836209688335657, 0.02093326859176159, 0.00409877160564065, -0.02932128496468067, 0.04984577000141144, -0.06317054480314255, -0.014041782356798649, 0.10457392781972885, -0.07264810055494308, -0.03385186567902565, 0.0859348326921463, -0.05193313956260681, 0.06788264960050583, -0.13061557710170746, 0.08035099506378174, 0.04277145117521286, -0.10569314658641815, 0.06994255632162094, -0.007364996243268251, -0.015103778801858425, 0.01757747493684292, -0.018177228048443794, -0.005482731852680445, 0.04768959432840347, -0.08818383514881134, 0.10318047553300858, -0.04703454673290253, -0.04440726339817047, 0.06832090765237808, 0.01956957019865513, -0.06826463341712952, 0.013536114245653152, 0.03652503713965416, -0.001748403417877853, -0.06374777853488922, 0.07404071092605591, 0.004557449836283922, -0.10482099652290344, 0.15352880954742432, -0.05096277594566345, -0.0824938639998436, 0.08159501105546951, -0.019738104194402695, 0.03870050236582756, -0.07808809727430344, 0.020941389724612236, 0.06523589789867401, -0.02648463472723961, -0.09863454848527908, 0.13332752883434296, -0.030267449095845222, -0.09955478459596634, 0.14055873453617096, -0.13844023644924164, 0.12771253287792206, -0.023343712091445923, -0.1517888903617859, 0.21894139051437378, -0.09843911975622177, -0.06278092414140701, 0.12804684042930603, -0.09345564246177673, 0.037985604256391525, 0.017995141446590424, -0.07501440495252609, 0.08404641598463058, -0.026722261682152748, -0.052335500717163086, 0.10939901322126389, -0.12312624603509903, 0.09794210642576218, -0.004828744567930698, -0.08249794691801071, 0.09681417047977448, -0.0347231961786747, -0.02808358334004879, 0.045123711228370667, -0.027882538735866547, 0.0010566142154857516, 0.0016764260362833738, 0.002570674754679203, 0.027984609827399254, -0.08282632380723953, 0.09429089725017548, -0.016018791124224663, -0.0148173151537776, -0.02738899178802967, 0.021052593365311623, 0.04584882780909538, -0.08079277724027634, 0.039830684661865234, -0.0357813723385334, 0.0890687108039856, -0.0823565423488617, -0.0020979184191673994, 0.08979155123233795, -0.10443662852048874, 0.06693882495164871, -0.0582503043115139, 0.03413108363747597, 0.012266532517969608, -0.07190818339586258, 0.052996184676885605, 0.0497780442237854, -0.05745097994804382, -0.05654168874025345, 0.11179200559854507, -0.0353270061314106, -0.024132901802659035, -0.029749969020485878, 0.06570766866207123, -0.039295494556427, 0.018544217571616173, -0.02365713380277157, 0.03236778825521469, -0.02232825756072998, -0.014492131769657135, 0.03245558217167854, -0.003092631231993437, -0.04365060105919838, 0.013589028269052505, 0.056428682059049606, -0.04352935031056404, -0.007778450381010771, -0.01455586776137352, 0.07378839701414108, -0.053506433963775635, -0.03969241678714752, 0.06950985640287399, -0.02353418618440628, 0.009236112236976624, -0.05437535420060158, 0.06553354859352112, -0.007869239896535873, -0.023799628019332886, 0.0075876303017139435, -0.005485706962645054, 0.0403023436665535, -0.03445563092827797, -0.010384333319962025, 0.01299576461315155, 0.012523331679403782, 0.002114048693329096, -0.01365622691810131, -0.06979405134916306, 0.2243095487356186, -0.2656826674938202, 0.11190160363912582, 0.04568099230527878, -0.06668956577777863, 0.025532258674502373, -0.010218329727649689, 0.043099913746118546, -0.07529908418655396, 0.07377000153064728, 0.00043374765664339066, -0.07196038216352463, 0.054108601063489914, 0.022444233298301697, -0.0349016897380352, -0.05948853865265846, 0.1226281151175499, -0.03606001287698746, -0.05896316468715668, 0.06440860033035278, -0.014886010438203812, 0.02155473455786705, -0.044487662613391876, 0.010076434351503849, 0.031196149066090584, -0.02112465165555477, -0.013214251957833767, 0.03998198360204697, 0.00455410685390234, -0.057185593992471695, 0.01879698596894741, 0.07179783284664154, -0.10243367403745651, 0.052841950207948685, -0.006143542006611824, 0.011897374875843525, -0.012729104608297348, 0.017584841698408127, -0.006788328755646944, -0.02845936268568039, 0.053597331047058105, -0.032218825072050095, 0.016057534143328667, -0.00616627000272274, 0.015196884982287884, -0.02745855785906315, 0.039551109075546265, -0.013244498521089554, -0.05497489497065544, 0.05978313088417053, 0.054143164306879044, -0.1368061602115631, 0.08412318676710129, 0.022643953561782837, -0.04400990158319473, 0.01072938647121191, -0.015684720128774643, 0.029820362105965614, 0.02959325909614563, -0.09251769632101059, 0.08827335387468338, -0.0013902627397328615, -0.05343487113714218, 0.031462162733078, -0.012755149975419044, 0.02138219028711319, -0.0013722114963456988, -0.032655615359544754, 0.015265915542840958, 0.06786821037530899, -0.05369121953845024, -0.08560433983802795, 0.1530890017747879, -0.07011580467224121, -0.040267251431941986, 0.038392212241888046, 0.02470012754201889, -0.032833244651556015, -0.012220390141010284, 0.06283304840326309, -0.060581907629966736, -0.003017663024365902, 0.04860334470868111, 0.01566818542778492, -0.11226996779441833, 0.08265083283185959, -0.0007204251596704125, -0.037053558975458145, 0.035498324781656265, -0.044572267681360245, 0.006515884771943092, 0.04526872932910919, 0.007495568599551916, -0.08382857590913773, 0.07827292382717133, -0.02991463430225849, 0.008991505019366741, -0.004804506897926331, -0.03082486242055893, 0.01672448217868805, 0.02358243614435196, -0.008505553007125854, -0.04185856878757477, 0.06080123409628868, -0.03242837265133858, 0.03698583319783211, -0.0792737752199173, 0.05034815892577171, -0.022856734693050385, 0.028855755925178528, -0.019782662391662598, -0.06933499872684479, 0.16657885909080505, -0.1767013669013977, 0.10164304077625275, -0.02550828643143177, -0.020824981853365898, 0.00876616220921278, 0.03219601511955261, -0.044222816824913025, 0.020465772598981857, 0.004163810983300209, -0.007285792380571365, 0.02866847813129425, -0.08768732845783234, 0.10050085186958313, -0.07066778093576431, 0.05379338562488556, -0.05464440956711769, 0.040794357657432556, -0.004021741915494204, -0.04925365746021271, 0.051968369632959366, -0.04597549885511398, 0.09341736882925034, -0.14463666081428528, 0.07725849002599716, 0.03433474898338318, -0.053351327776908875, -0.009069683030247688, 0.0015155001310631633, 0.04099830240011215, -0.038836296647787094, 0.03860002011060715, -0.043861646205186844, -0.010206051170825958, 0.056404292583465576, -0.028458768501877785, -0.022206740453839302, 0.013523002155125141, 0.0009133255225606263, 0.02004994824528694, 0.013812422752380371, -0.054833512753248215, 0.02473640628159046, -0.011250138282775879, 0.030781127512454987, -0.010596527718007565, -0.0587959922850132, 0.04432658851146698, 0.05444437637925148, -0.05891687795519829, -0.08818010985851288, 0.18312232196331024, -0.10127712786197662, 0.01431180164217949, -0.04503010958433151, 0.04584461823105812, 0.04284017160534859, -0.11283955723047256, 0.07589472830295563, 0.013411990366876125, -0.046955034136772156, 0.04487565532326698, -0.038297560065984726, -0.025891736149787903, 0.13229615986347198, -0.14021053910255432, -0.01188277080655098, 0.13239368796348572, -0.11743041127920151, 0.04703446105122566, 0.0076467618346214294, -0.040916889905929565, 0.06050942465662956, -0.011878922581672668, -0.05893421545624733, 0.018138805404305458, 0.10192452371120453, -0.15309439599514008, 0.08196260035037994, -0.03598340228199959, 0.048500511795282364, -0.043223995715379715, 0.0022399823646992445, 0.04020862653851509, -0.05358567088842392, 0.07069232314825058, -0.0524187907576561, -0.011586949229240417, 0.041162725538015366, -0.033526044338941574, 0.015125188045203686, -0.010222903452813625, -0.02228505350649357, 0.08009743690490723, -0.06281303614377975, -0.010857169516384602, 0.07435422390699387, -0.05354125797748566, 0.01584564335644245, -0.027371423318982124, 0.06639982014894485, -0.05325372889637947, -0.07886819541454315, 0.13752739131450653, -0.04863441362977028, -0.009825726971030235, -0.026742583140730858, 0.10676761716604233, -0.09178843349218369, 0.06107093393802643, -0.07464464008808136, 0.025465520098805428, 0.059269245713949203, -0.08174197375774384, 0.033656876534223557, -0.016081200912594795, 0.0442870557308197, 0.00803594570606947, -0.057504698634147644, 0.06902272254228592, -0.032366324216127396, 0.0021522126626223326, -0.008844324387609959, 0.015722760930657387, -0.05168980732560158, 0.05546491965651512, 0.011310502886772156, -0.08155501633882523, 0.0611385852098465, 0.08134350180625916, -0.13244596123695374, 0.04257435351610184, 0.0511871799826622, -0.02656177431344986, -0.041315749287605286, 0.015642305836081505, 0.030717765912413597, 0.013686285354197025, -0.08483172208070755, 0.06439483910799026, 0.03667919710278511, -0.04058973863720894, -0.030423566699028015, 0.07206148654222488, 0.005712129641324282, -0.08952223509550095, 0.07587126642465591, -0.0034356899559497833, -0.02723546139895916, -0.010884148068726063, 0.0065116058103740215, 0.04461714252829552, -0.023184703662991524, -0.04413957521319389, 0.09007392078638077, -0.04126943275332451, -0.04627494141459465, 0.07225173711776733, -0.05466366186738014, 0.008512315340340137, 0.03777844458818436, -0.04889455437660217, 0.02377120964229107, 0.02050526812672615, -0.03597899153828621, 0.06356433033943176, -0.06139741837978363, 0.004301531706005335, 0.04385370761156082, -0.02166878990828991, 0.009552807547152042, -0.030761750414967537, 0.015872148796916008, 0.04677795246243477, -0.0740303248167038, 0.0528070330619812, -0.04082489386200905, 0.037366315722465515, 0.0503927618265152, -0.1019103080034256, 0.08300278335809708, -0.047794412821531296, 0.009132282808423042, 0.03418669477105141, -0.06295707076787949, 0.021968364715576172, 0.0352105014026165, -0.035392697900533676, 0.03442220017313957, -0.04729197919368744, 0.03143608197569847, 0.05793049931526184, -0.10977328568696976, 0.11568424850702286, -0.09673431515693665, 0.03505096584558487, 0.0358840711414814, -0.03828798234462738, -0.030517863109707832, 0.04513227567076683, 0.0391971617937088, -0.07827276736497879, 0.059637054800987244, -0.04685439541935921, 0.05966614559292793, -0.0206394474953413, -0.04922022297978401, 0.0280535276979208, -0.0036765753757208586, 0.0028964511584490538, 0.02579285390675068, -0.07715553790330887, 0.09681250900030136, 0.0031518442556262016, -0.09942641854286194, 0.05805487558245659, 0.037112511694431305, -0.02995549701154232, -0.05699856951832771, 0.06646715104579926, -0.015445273369550705, 0.003357869340106845, -0.008109684102237225, -0.03665073588490486, 0.10247199982404709, -0.08835609257221222, 0.039469439536333084, -0.0337761752307415, 0.030842160806059837, -0.011549891903996468, 0.00412947591394186, -0.0005958432448096573, -0.00031049142125993967, -0.0378570482134819, 0.049440376460552216, -0.0034332741051912308, -0.037057604640722275, 0.03395834192633629, -0.05687827244400978, 0.08148889243602753, -0.023239655420184135, -0.047731153666973114, 0.01989799365401268, 0.03669999539852142, 0.0024804018903523684, -0.09281232208013535, 0.07601307332515717, 0.005430073011666536, -0.04878022149205208, 0.05078328773379326, -0.03422549366950989, 0.003295458387583494, 0.05472169443964958, -0.07531454414129257, -0.002775585511699319, 0.0918501764535904, -0.08247871696949005, 0.005685046780854464, -0.011376031674444675, 0.06522982567548752, -0.014199846424162388, -0.10461273044347763, 0.11376244574785233, -0.037909332662820816, 0.05266399681568146, -0.1223110482096672, 0.08031114190816879, 0.015495944768190384, -0.02060970850288868, -0.02139761857688427, -0.05762963742017746, 0.1267530620098114, -0.02827397547662258, -0.07870879024267197, -0.016866065561771393, 0.12778611481189728, -0.011957783252000809, -0.13226675987243652, 0.0329119972884655, 0.10957115143537521, -0.0620347261428833, -0.06788208335638046, 0.051717184484004974, 0.032087426632642746, -0.038269635289907455, 0.030659781768918037, -0.052249129861593246, 0.03956429287791252, 0.019330574199557304, -0.04386144131422043, -0.03225826844573021, 0.10420789569616318, -0.10633409768342972, 0.0022783533204346895, 0.08317948132753372, -0.05366012826561928, 0.008187158964574337, 0.0004957153578288853, -0.008904827758669853, -0.005344974342733622, 0.011659045703709126, 0.018119361251592636, -0.0843026265501976, 0.08682110905647278, -0.023600416257977486, 0.032025933265686035, -0.09182067215442657, 0.052684225142002106, 0.042856365442276, -0.07694381475448608, 0.04352178797125816, -0.02192351408302784, -0.014112807810306549, 0.05847453698515892, -0.000773906649556011, -0.1448797732591629, 0.16630345582962036, -0.07102707028388977, 0.0029265356715768576, -0.009448060765862465, 0.002309327246621251, 0.02583249658346176, -0.011016864329576492, -0.014508765190839767, -0.009044722653925419, 0.046566613018512726, -0.07079202681779861, 0.10253970324993134, -0.11264459043741226, 0.002395446179434657, 0.10657613724470139, -0.10611534118652344, 0.02190290577709675, 0.019472172483801842, -0.021245621144771576, 0.04330705106258392, -0.049435507506132126, -0.007532679010182619, 0.07312696427106857, -0.06866144388914108, -0.04779313877224922, 0.1214868426322937, -0.0780598595738411, -0.020947715267539024, 0.10574591904878616, -0.12107560783624649, 0.07931806147098541, 0.006279423367232084, -0.09077031910419464, 0.09549455344676971, -0.02301599085330963, -0.03537227213382721, 0.027958855032920837, -0.008653481490910053, 0.007968666963279247, -0.01869908906519413, 0.002793374704197049, 0.0407378189265728, -0.022041985765099525, -0.02362898923456669, 0.023824753239750862, 0.018021320924162865, -0.02068825624883175, -0.050350770354270935, 0.05181664228439331, 0.012534166686236858, -0.0410313606262207, 0.033639442175626755, 0.017017165198922157, -0.010518650524318218, -0.055003032088279724, 0.06017281487584114, -0.02936018817126751, -0.005838657729327679, -0.014851790852844715, 0.03800855949521065, 0.027200402691960335, -0.023099364712834358, -0.016282325610518456, 0.016207119449973106, 0.015905942767858505, -0.0648050606250763, 0.06720425933599472, -0.04179784655570984, -0.019583316519856453, 0.06894499063491821, 0.018209155648946762, -0.08735444396734238, 0.025363795459270477, 0.05203158035874367, -0.016181541606783867, -0.024509532377123833, -0.044087380170822144, 0.10291072726249695, -0.04066826403141022, -0.0647856667637825, 0.044436756521463394, 0.018428800627589226, 0.03524009883403778, -0.07726512104272842, 0.04847501590847969, 0.026538044214248657, -0.026848092675209045, -0.017438754439353943, -0.002070144983008504, -0.003544833743944764, 0.014860286377370358, 0.01776648499071598, -0.05704476311802864, 0.0668758675456047, -0.005462559871375561, -0.020704755559563637, 0.022886082530021667, -0.07003629207611084, 0.09873717278242111, -0.07182026654481888, -0.013632247224450111, 0.031746357679367065, 0.013331790454685688, 0.021877994760870934, -0.08551450818777084, 0.09390869736671448, -0.023406848311424255, -0.008846651762723923, -0.016266485676169395, 0.004302965477108955, 0.009913725778460503, -0.015210791490972042, 0.049119412899017334, -0.09496578574180603, 0.06532970070838928, 0.03691116347908974, -0.030854785814881325, -0.029894838109612465, 0.030554702505469322, 0.02527434565126896, -0.04637661576271057, 0.0015120144234970212, 0.007841587997972965, 0.020658722147345543, -0.03268374130129814, 0.022779889404773712, 0.016361964866518974, -0.011605937033891678, -0.027679190039634705, 0.042611829936504364, 0.012292983010411263, -0.030196113511919975, -0.022074388340115547, 0.025656500831246376, 0.04959288239479065, -0.08444578945636749, 0.015051621943712234, 0.02403104305267334, 0.0038547609001398087, -0.014076019637286663, 0.0017548245377838612, 0.03191478177905083, -0.023200010880827904, 0.009717811830341816, -0.007831860333681107, 0.019327983260154724, -0.04092566668987274, -0.01333975326269865, 0.08329354971647263, -0.058697253465652466, -0.026981336995959282, 0.03909445181488991, 0.006597490049898624, 0.03045722283422947, -0.06087617576122284, 0.02684488706290722, 0.02632291056215763, -0.018790630623698235, -0.015212208963930607, -0.017737960442900658, 0.027526075020432472, -0.013620691373944283, 0.01782202534377575, -0.028364287689328194, 0.04511069506406784, -0.01139745395630598, 0.017887892201542854, -0.01608382910490036, -0.06526179611682892, 0.08932245522737503, -0.03402828797698021, -0.055305346846580505, 0.05231817066669464, 0.009076546877622604, -0.020836250856518745, 0.008221592754125595, 0.023101387545466423, 0.019212450832128525, -0.05812211334705353, 0.009326146915555, 0.03578288108110428, -0.03644512966275215, -0.048460301011800766, 0.03329448029398918, 0.05598229542374611, -0.014987561851739883, -0.065605029463768, 0.04372052475810051, 0.06441011279821396, -0.0674513429403305, -0.004456939175724983, -0.016615787521004677, 0.020984698086977005, 0.002960135228931904, -0.03197702765464783, 0.0014980598352849483, 0.029976410791277885, 0.005847915541380644, 0.0071020047180354595, -0.020335905253887177, 0.0016924124211072922, 0.04170788452029228, -0.04089915752410889, -0.03750459849834442, 0.013444466516375542, 0.015362084843218327, 0.012439187616109848, -0.021526606753468513, 0.015097365714609623, 0.023714639246463776, -0.001726019661873579, -0.01301940530538559, -0.028606414794921875, 0.014213215559720993, 0.01911339722573757, -0.022596612572669983, -0.027817582711577415, 0.024142825976014137, 0.02850630320608616, -0.015931617468595505, -0.017741018906235695, 0.030372045934200287, -0.027528872713446617, 0.011370036751031876, -0.013348844833672047, 0.004550373647361994, 0.01029313076287508, -0.03640845790505409, 0.044124454259872437, -0.038509998470544815, 0.008365035057067871, -0.0026708762161433697, 0.028758512809872627, -0.006070553325116634, -0.03233347460627556, 0.020433694124221802, 0.010416771285235882, -0.025673402473330498, -0.019412411376833916, 0.04326017573475838, 0.008284966461360455, -0.04768399894237518, -0.00795689970254898, 0.03824077919125557, 0.012439178302884102, -0.030589310452342033, -0.028298214077949524, 0.0515470989048481, 0.004629064816981554, -0.06228645518422127, 0.00157400022726506, 0.041273076087236404, 0.008809133432805538, -0.033066872507333755, -0.017114806920289993, 0.046673938632011414, -0.005006229039281607, -0.02165868878364563, -0.01154657918959856, 0.0057671950198709965, 0.0076492768712341785, -0.025060903280973434, 0.0007092645391821861, 0.025543222203850746, 0.010484627448022366, -0.01524281594902277, 0.003508955240249634, 0.0036807237192988396, 0.006172212306410074, -0.027427328750491142, -0.008192655630409718, 0.009748728014528751, -0.009321500547230244, 0.0073143490590155125, -0.011295969597995281, 0.021455757319927216, 0.02438647300004959, -0.00853817816823721, -0.01239642035216093, 0.004739562515169382, -0.013019558042287827, -0.007151076570153236, -0.017020070925354958, 0.0013422222109511495, 0.000587131769862026, 0.005240264348685741, 0.013975481502711773, 0.0062349708750844, 0.00460100406780839, -0.0004889551200903952, 0.0007118531502783298, -0.017128271982073784, -0.0047547281719744205, -0.012710750102996826, 0.001501179882325232, 0.0048523820005357265, -0.015004203654825687, 0.012452426366508007, 0.021612364798784256, -0.000629680638667196, -0.00042737918556667864, 0.016009865328669548, -0.012723835185170174, -0.005666763987392187, -0.013764642179012299, -0.0012365395668894053, -0.0005447056028060615, -0.002159039257094264, 0.005976336542516947, 0.012230993248522282, -0.007156770676374435, 0.006606427952647209, 0.010233281180262566, -0.021310938522219658, 0.012701491825282574, -0.014986854046583176, 0.0012144435895606875, 0.005777598824352026, -0.010342523455619812, 0.008850377053022385, 0.004972528666257858, -0.0032065401319414377, 0.007119039073586464, -0.008442040532827377, 0.0014453829498961568, 0.013143070042133331, -0.010695336386561394, -0.0017890463350340724, -0.0002648367371875793, 0.007439425680786371, 0.003472753567621112, -0.00047771280515007675, -0.0027686383109539747, 0.013629036024212837, -0.006573015823960304, -0.008643749170005322, 0.01606614701449871, -0.014761485159397125, 0.0020400139037519693, 0.002186654368415475, -0.005989539436995983, 0.0076931375078856945, -0.00039936829125508666, 0.013131523504853249, -0.0050571756437420845, 0.0014291075058281422, -0.0036618125159293413, -0.007884924300014973, -0.0004335253033787012, 0.003062901087105274, -0.003614370711147785, 0.001636869739741087, 0.002154597779735923, 0.0009912090608850121, 0.0061231981962919235, -0.002178288996219635, 0.010799529030919075, -0.011305872350931168, 0.0023457263596355915, -0.004225301090627909, -0.003828766755759716, 0.005012699868530035, -0.004239558707922697, 0.006662827450782061, 0.00575242331251502, -0.0028199967928230762, 0.006509743165224791, 0.0019145767437294126, -0.006942098960280418, 0.0056874495930969715, -0.0022044845391064882, 0.004105038940906525, -0.0019539149943739176, -0.008136999793350697, 0.00457389559596777, 0.009541338309645653, -0.0037825778126716614, -0.008665979839861393, 0.007842558436095715, -0.0019567867275327444, 0.004250486381351948, -0.004617451224476099, 0.00010951716103591025, 0.006745574530214071, -0.004228969570249319, -0.0024466891773045063, 0.0016714765224605799, -0.001395051833242178, -0.0034055074211210012, -0.002277831779792905, 0.009959530085325241, -0.0024288108106702566, -0.0015061884187161922, 0.0018088584765791893, 0.005606174468994141, 0.0005757512990385294, -0.0025482052005827427, -0.001208478701300919, 0.00017141667194664478, 0.0016881300834938884, -0.005191020201891661, 0.0010854190913960338, 0.0012132724514231086, 0.0016451232368126512, 0.0052178907208144665, -0.0016059591434895992, 0.0019467280944809318, -0.0009528733789920807, 0.0002981589932460338, -0.000330206414218992, -0.003939952701330185, 0.0007095689652487636, -0.0016479213954880834, 0.0036990977823734283, -0.004073381889611483, -0.002604744164273143, 0.007576793432235718, -0.004787629470229149, 0.0003265073464717716, 0.0021615303121507168, -0.0029892949387431145, 0.0020077743101865053, -0.0030255699530243874, -0.004064353182911873, 4.782059113495052e-05, -0.004775009583681822, 0.004385920707136393, -0.002871852368116379, -0.003374372608959675, 0.0072211031801998615, 0.0009296399657614529, -0.006380257196724415, 0.00198766915127635, -0.002343101194128394, -0.005683980882167816, 0.001382341724820435, -0.003726830706000328, -0.0021953291725367308, 0.00010421076149214059, -2.4092949388432316e-05, 0.0016135377809405327, -0.0019496373133733869, 0.001373294391669333, -0.001554275513626635, -0.004173069726675749, -0.0005170914228074253, -0.004293170291930437, -0.000596808094996959, 0.0003264431143179536, -0.0013757641427218914, 0.002752771833911538, 0.0008731987327337265, -0.0031593001913279295, 0.0018082883907482028, -0.000536020437721163, -0.0037865282502025366, -0.0016241082921624184, -0.0024873618967831135, -7.152437319746241e-05, -0.0012090974487364292, -0.004194126930087805, 0.005264937877655029, -0.004192662891000509, 0.003035192610695958, 0.00217594881542027, -0.005557538941502571, -0.00024350843159481883, -0.00020161972497589886, -0.0017266012728214264, -0.003956158179789782, -0.0012976593570783734, -0.00018543272744864225, 0.0025612779427319765, -0.002495473250746727, 0.0027159908786416054, 0.00029978659586049616, -0.0027719473000615835, 0.0007564823608845472, -0.0014243563637137413, -0.0027378674130886793, 0.00010648386523826048, -0.0004955747863277793, -0.005402669310569763, 0.002551350276917219, -0.0017744358628988266, 0.0009814451914280653, 0.00315676792524755, -0.003405943512916565, 0.0035281190648674965, -0.003148832591250539, -0.0005989622441120446, -0.0015345151768997312, -0.0036758563946932554, 0.0016225037397816777, -0.00026038088253699243, -0.002685427200049162, 0.0033459702972322702, 0.0027591001708060503, -0.002546252915635705, 0.0019037172896787524, 0.0013025610242038965, -0.003216526936739683, -0.0007553233299404383, -0.0018616659799590707, 0.0016874577850103378, -0.0018282989040017128, -0.0012573685962706804, 0.004029368050396442, 0.0021267093252390623, -0.002800507703796029, 0.000689602573402226, 0.0003787152818404138, -0.0010386413196101785, 0.0024163774214684963, -0.004464578814804554, 0.002517025452107191, 0.0001450526324333623, -0.0011623500613495708, 0.0054583922028541565, -0.0019229239551350474, 0.00021904917957726866, 0.0032530780881643295, 0.001432778313755989, -0.0020894145127385855, -0.000844501075334847, 0.00042419624514877796, 0.001927195698954165, 0.00022947114484850317, -0.0010791514068841934, 0.006153050810098648, -0.0018823618302121758, 0.0013774947728961706, 0.004140348639339209, -0.000644494837615639, -0.000247986608883366, -0.0006761842523701489, 0.003764994442462921, -0.0002686575462576002, -8.523309952579439e-05, 6.459850555984303e-05, 0.005179530009627342, -0.000770354236010462, 0.00014656191342510283, 0.003895460395142436, 0.0009696722845546901, 0.00040429807268083096, -0.00031638264772482216, 0.004156079143285751, 0.0010559075744822621, -0.002750462619587779, 0.0039190007373690605, 0.003775731660425663, -0.0001271909277420491, 5.284637154545635e-05, 0.004172043409198523, -2.957154174509924e-05, 0.0016372420359402895, 0.0015615151496604085, -0.0004878565960098058, 0.003810316091403365, 0.0006741918623447418, 0.0003819611156359315, 0.0011820470681414008, 0.0003585188533179462, 0.004219008609652519, -0.0007542330422438681, 0.0006166880484670401, 0.0013105656253173947, 0.0034108685795217752, -0.0014116454403847456, 0.0008268989622592926, 7.036462920950726e-05, 0.003599729621782899, 0.000895563280209899, -0.0010099667124450207, 0.002592133590951562, -0.0009645880782045424, 0.0022030493710190058, 0.0019457420567050576, -0.0036011526826769114, 0.0032927824649959803, 0.002026430331170559, -0.002288295654579997, 0.003344300901517272, 0.0008553122752346098, 0.0024302834644913673, 0.001336701912805438, -0.0024772672913968563, 0.0036518042907118797, 0.0024585577193647623, -0.004358036909252405, 0.004678516183048487, 0.0011374637251719832, -0.000574149307794869, 0.0025800089351832867, 0.0021275535691529512, 0.0005247448571026325, 0.002834135899320245, -0.0009696647175587714, 0.0034564267843961716, -0.0007980915834195912, 0.001074157073162496, 0.0017658694414421916, -0.0014191153459250927, 0.005429424345493317, -0.0020234212279319763, -4.11188775615301e-05, 0.004839906003326178, -9.76652154349722e-05, -0.0007198996609076858, 0.0015742641407996416, 0.0015313379699364305, 0.0017634060932323337, -0.00134861480910331, 0.0012534955749288201, 0.0024329903535544872, 0.0018277078634127975, -0.0005737948231399059, 0.0015329418238252401, 0.0019038576865568757, 0.0018586147343739867, -0.001168523565866053, 0.0006844222662039101, 0.0033904758747667074, -0.004007506184279919, 0.004565635230392218, -0.0010449748951941729, -0.00032448486308567226, 0.002946422668173909, -0.001162109081633389, 0.0034592372830957174, 0.00018200046906713396, -0.0028023384511470795, 0.0026402752846479416, -0.0004903821391053498, -0.0005019540549255908, 0.0025276837404817343, -0.0013836685102432966, 0.0008725865627638996, 0.0014539036201313138, -0.00016249944746959955, 0.0004008559917565435, -4.7801906475797296e-05, 0.00034989972482435405, 0.0017430373700335622, -0.002740319585427642, 0.0013398169539868832, 0.001773806638084352, -0.0005990341887809336, -8.748922118684277e-05, -0.0011764775263145566, 0.0030447954777628183, 5.5241340305656195e-05, -0.004173567984253168, 0.003990274388343096, 0.0002874379570130259, -0.0017842934466898441, 0.0010091812582686543, -0.001353554311208427, 0.0021940271835774183, -0.002246336080133915, 0.0013613279443234205, 0.0007317156996577978, -0.0018902759766206145, 0.002900670515373349, -0.0010993833420798182, -0.0032238515559583902, 0.0039879679679870605, -0.002078502206131816, -0.0004484881937969476, 0.0006842009024694562, -0.0012189503759145737, 0.002421504817903042, -0.0028646825812757015, 0.0010563158430159092, 0.0012632082216441631, -0.0026980445254594088, 0.0005352652515284717, 0.0020043724216520786, -0.002867039293050766, 0.0014904268318787217, -0.00022829673252999783, -0.0004487281257752329, 0.00234051002189517, -0.0022550560534000397, 0.0022360545117408037, -0.000597266189288348, -0.0010169708402827382, 0.0016670520417392254, -0.0015157335437834263, 0.0007866050582379103, -0.0009161690250039101, -5.43963978998363e-05, 0.0012033608509227633, -0.0013164933770895004, 0.00077602214878425, -0.0013439201284199953, 0.001495850970968604, 0.00022017561423126608, -0.0014380981447175145, 0.00032586525776423514, 0.0016252114437520504, 0.0009995464934036136, -0.002500393660739064, 8.11748395790346e-05, 0.002994207665324211, -0.0012232656590640545, -0.0007620190153829753, 0.0001451716379960999, 0.002023582113906741, -0.0005818352219648659, -0.000944949162658304, 0.0013219957472756505, -0.0014998364495113492, 0.00021454878151416779, 0.0007329920190386474, -0.0022115777246654034, 3.3621508919168264e-05, 0.0017807487165555358, -0.0010664376895874739, -0.0009320163517259061, 0.00015828725008759648, -0.0008627485949546099, 0.0008432344766333699, -0.0006834978121332824, -0.00017916237993631512, -0.0014597360277548432, 4.716853072750382e-05, 0.0016135626938194036, -0.001898636226542294, -0.0013346611522138119, 0.001292831962928176, 2.2276573872659355e-05, -0.0021243805531412363, 0.0009109636885114014, -0.0017120828852057457, 0.0006476528360508382, -0.0007161794346757233, -0.0016033487627282739, 0.0009204036905430257, -0.0005343066877685487, -0.002491110237315297, 0.0026988894678652287, -0.0027655691374093294, -0.0004928536363877356, 0.0008185366168618202, -0.0011168651981279254, 0.00012038068234687671, -0.0018652965081855655, 4.7120978706516325e-05, 0.001846620230935514, -0.002373229246586561, -0.0012466894695535302, 0.0028634751215577126, -0.0022551200818270445, 0.00033206032821908593, 0.0005742284702137113, -0.001953377155587077, 0.003158139530569315, -0.0023721568286418915, -0.0010505284881219268, 0.002781596966087818, -0.0021726505365222692, -0.0006997663294896483, 0.0018417336978018284, -0.002802281640470028, 0.000814368249848485, -0.0002064679574687034, -0.0009914515540003777, 0.0012581681367009878, -0.0028429748490452766, 0.0015008755726739764, 0.0025605219416320324, -0.0046401009894907475, 0.0023464651312679052, 0.0009687109268270433, -0.0026102529373019934, 0.0016323411837220192, -0.0010564614785835147, -0.00010630746692186221, 0.0007399856694974005, -0.0014302002964541316, 0.0011080674594268203, -0.00017456107889302075, -0.000991589855402708, 0.0009427352342754602, -0.0014195829862728715, -0.0003287950239609927, 0.0013590583112090826, -0.002700490178540349, 0.001683920039795339, -0.0005490553448908031, -0.00036363914841786027, 0.0006289961165748537, -0.0011648607905954123, 0.0013792439131066203, -0.0012898520799353719, 0.0012232080334797502, -0.001232234644703567, -0.000545685354154557, 0.0012975825229659677, -0.0009610390407033265, -0.0002419625670881942, -0.0004996725474484265, 0.0005104628507979214, 0.0006716018542647362, -0.000742477597668767, -0.0007296371622942388, 0.0018080215668305755, -0.0003895846602972597, -7.003261998761445e-05, -0.0001584578276379034, 0.0002311510033905506, 0.001163766486570239, -0.0003047480422537774, -0.0005289980326779187, 0.0015237685292959213, -0.00019486689416226, 0.0008084748405963182, 8.488987077726051e-05, 0.000160657538799569, 0.0011990716448053718, -0.0007858641329221427, 0.002312926109880209, -0.00039373867912217975, -2.3844650058890693e-05, 0.0016015288420021534, 0.00014615798136219382, 0.00022934905427973717, 0.0007669160258956254, -0.0002899806131608784, 0.0016976483166217804, -0.0002666088694240898, -8.968933252617717e-05, 0.0017127088503912091, -0.00013434157881420106, 0.00011599588469834998, 0.0006135696894489229, 0.0001504160900367424, 0.0008946792222559452, -0.0006606348906643689, 0.0006984053179621696, 0.0013831021497026086, -0.002134207868948579, 0.0020754318684339523, -6.602195935556665e-05, -6.13604424870573e-05, 0.0007644442957825959, -0.0015351715264841914, 0.0023725852370262146, -0.000580055988393724, -0.0020618822891265154, 0.0021307494025677443, 0.0007120415102690458, -0.0016486331587657332, 0.0006369862821884453, 0.0005115093081258237, 0.00041807032539509237, 9.198449697578326e-05, -0.000893868098501116, 0.0016301595605909824, 0.00035432830918580294, -0.0012071453966200352, 0.0008320070337504148, 0.0006368004833348095, -0.0008539478294551373, 0.0003954770800191909, 0.0004487033875193447, -0.000272283359663561, -1.2948668882017955e-05, -0.00036364703555591404, -8.922509732656181e-05, 0.00039993031532503664, -0.002220753813162446, 0.0012995904544368386, 0.00041517664794810116, -0.0025669587776064873, 0.0019478272879496217, -0.000884748762473464, -0.0008439577650278807, 0.0015256438637152314, -0.002026572125032544, 0.001246646512299776, 0.000404153426643461, -0.0020391240250319242, 0.002348970388993621, -0.00064416992245242, -0.0020833187736570835, 0.001708164345473051, -0.0014913042541593313, -0.0003643830423243344, 0.00016538846830371767, -0.0022250667680054903, 0.0019784332253038883, -0.001526238047517836, -0.0016564433462917805, 0.002123382408171892, -0.0013377298600971699, -0.001334663131274283, 0.0006579198525287211, -0.0008541991701349616, 0.00045829673763364553, -0.0013733190717175603, -0.0007324318285100162, 0.002102346858009696, -0.0018991492688655853, -0.0008247904479503632, 0.0009360215626657009, -0.0004606164584401995, 5.32106196260429e-06, -0.001051628147251904, 0.00012878821871709079, 0.001385278650559485, -0.0030690860003232956, 9.854404925135896e-05, 0.0010563060641288757, -0.0026984328869730234, 0.00012041637091897428, -0.0009137352462857962, -0.0009331624605692923, -0.00021461735013872385, -0.001985985552892089, -0.000618189456872642, -0.00043038278818130493, -0.0015784772112965584, -0.0013634574133902788, -0.00014910213940311223, -0.001164408284239471, -0.0002871322212740779, -0.0010492600267753005, -0.001653552521020174, 0.0012178289471194148, -0.002316399710252881, -0.00129187130369246, 0.0012671860167756677, -0.0023751617409288883, -0.0005956668755970895, 0.0002673022972885519, -0.0025050232652574778, -0.0004133274487685412, -0.0010157615179196, -0.0013655476504936814, -0.0005592429079115391, -0.0015136795118451118, -0.0011603421298786998, 0.00011817720223916695, -0.001889060833491385, -0.0012814492220059037, 0.00012050742952851579, -0.0012326841242611408, -0.000806450261734426, -0.00028543395455926657, -0.0010250870836898685, 0.0003361563722137362, -0.0012652918230742216, -0.001172623597085476, 0.0013321981532499194, -0.00161598133854568, -0.0010774980764836073, 0.0005688592209480703, -0.0012325963471084833, -0.0008883464033715427, -0.0003397649561520666, -0.0010995125630870461, 7.836489385226741e-05, -0.0015795720973983407, -0.0009813318029046059, 0.00042929252958856523, -0.001957908971235156, -0.0012972194235771894, 0.00023294582206290215, -0.001613503904081881, -0.0007088774000294507, -0.0008562496514059603, -0.0013121181400492787, 2.573445271991659e-05, -0.0015876545803621411, -0.0013044478837400675, 0.0007734984974376857, -0.0020466104615479708, 1.187186899187509e-05, -0.000720447045750916, -0.0006769348401576281, 0.0003420415159780532, -0.0017673606052994728, 0.00017344331718049943, -0.00017016632773447782, -0.0012285902630537748, -0.00030979939037933946, 1.2214949492772575e-05, -0.0012665647082030773, -0.00031330520869232714, -0.0006571230478584766, -0.00041403944487683475, -0.0007962699746713042, -0.001779134850949049, 0.00022467183589469641, -0.000609019713010639, -0.0019686694722622633, 0.00020018548821099102, -0.00026286428328603506, -0.0009496076963841915, -0.00023252285609487444, -0.0006797633250243962, 0.000871954660397023, -0.001095981104299426, -0.0006405809544958174, 0.0009771207114681602, -0.0011209467193111777, -0.0005352279986254871, 0.00044503723620437086, -0.00010692195064621046, 3.913879845640622e-05, -0.00048556807450950146, 0.00038816698361188173, 0.0011020961683243513, -0.0012495425762608647, 0.00037421894376166165, 0.0015048680361360312, -0.0006582026835530996, 7.198346429504454e-05, 0.0013239479158073664, 0.0005031957407481968, -0.00021203048527240753, 0.0002439959062030539, 0.0004709548957180232, 0.00039907684549689293, -0.00041443988448008895, -0.0004254939267411828, 0.0013776419218629599, -0.0005154845421202481, -2.5429086235817522e-05, 0.0005827222485095263, -0.0004445754748303443, 0.0012189116096124053, -0.0008820659713819623, 4.40235817222856e-05, 0.0012563524069264531, -0.000953032576944679, 0.00029183970764279366, 0.00045827298890799284, 0.00036090929643251, 6.439477147068828e-05, 0.00010099435166921467, 0.0007193053024820983, 0.0004606948932632804, -0.0006143791833892465, 0.0005290735280141234, 0.0005769857671111822, -0.00029917334904894233, -0.0003173765726387501, 0.0004024587688036263, 0.0003356554079800844, -0.0008644998888485134, 3.8890677387826145e-05, -0.0003947674122173339, 0.00028866020147688687, -0.0006439831922762096, -0.000991659122519195, 0.0007446935051120818, -0.00031415774719789624, -0.0016902098432183266, 0.000930197536945343, -4.4801108742831275e-05, -0.0015708392020314932, 0.0006380411214195192, -0.0002494773070793599, -0.0004109941655769944, -0.0005183962639421225, -0.0006005038158036768, 0.0004132648464292288, -0.0004838006279896945, -0.0013200620887801051, 0.0011779195629060268, -0.0007200290565378964, -0.0006212658481672406, 0.0008595986873842776, -0.0009160697809420526, 0.00045986942132003605, -0.00045793771278113127, 0.00016733385564293712, -0.0003089873935095966, -8.513863576808944e-05, -0.00037265566061250865, 6.46202897769399e-05, -0.0004147791478317231, -0.0006558074383065104, 0.0008209719089791179, -0.0008472101762890816, -0.00016794407565612346, 0.0005555292591452599, -7.964174437802285e-05, -0.00040008677751757205, 0.0004041065985802561, -0.00017144790035672486, 0.0004095556796528399, -1.0096309779328294e-05, -0.00019572388555388898, 0.0011272215051576495, -0.00037617908674292266, 0.00042984445462934673, 0.0008893553167581558, -0.0002067147142952308, 0.0006522387266159058, 0.0006203058874234557, 0.0001587696315255016, 0.0003359141992405057, 0.0004816932778339833, 0.0006771046319045126, 0.0007209523464553058, 0.00011689909297274426, 0.0005168275674805045, 0.0011155050015076995, -0.00043851943337358534, 0.0007910977583378553, -0.00013706734171137214, 0.0004566075513139367, 0.001202116603963077, -0.0010414834832772613, 0.0009571238770149648, 0.0006364646251313388, 9.095871791942045e-05, 0.00040635833283886313, -0.0001975125342141837, 0.0007885652594268322, 0.00027667960966937244, 0.00017447264690417796, 0.00015745246491860598, 0.001016334630548954, 0.0004714520473498851, -9.375227091368288e-05, 0.0006637406186200678, 0.00028404491604305804, 0.00035818558535538614, -0.000573872122913599, 0.0007071244181133807, 0.000409325904911384, -0.0008923988789319992, 0.00035185625893063843, 0.0004305857000872493, -0.0005692090489901602, -0.0001929135905811563, 0.0002548175398260355, -0.0006271695019677281, 3.306528742541559e-05, -0.0002705547376535833, -0.0006485467893071473, 0.0009151148260571063, -0.0002691863046493381, -0.0005339105264283717, 0.0004653047362808138, -0.0006506454665213823, 0.00047123851254582405, 0.00027859851252287626, -0.0012464186875149608, 0.001678121043369174, -0.0003124925133306533, -0.0007011145353317261, 0.0014416421763598919, -0.00019524074741639197, -0.00011095593799836934, 0.000719151459634304, -0.0007550132577307522, 0.0012492185924202204, 9.261932427762076e-05, -0.001033760723657906, 0.0017581488937139511, -0.00017854076577350497, -0.00034249003510922194, 0.0003959148598369211, 0.00027133317780680954, 0.000794024730566889, -0.00034810806391760707, -0.0003188285045325756, 0.001402976573444903, -0.00044097864883951843, -0.0008369440329261124, 0.0014020929811522365, -2.7702757506631315e-05, -0.0002518746186979115, 0.0008529623737558722, -0.00027784713893197477, 0.0009417153778485954, 0.00025675492361187935, -0.0002864213311113417, 0.0017655271803960204, -1.7917998775374144e-05, -0.0002632084069773555, 0.0018496051197871566, -0.0002437316725263372, 3.760940671782009e-05, 0.000992574030533433, -0.0002278017345815897, 0.0006565478979609907, -3.5213004593970254e-05, -0.0002473106433171779, 0.0009364882134832442, -0.000829789787530899, -0.00025768656632862985, 0.0005871608736924827, -0.0010377102298662066, -0.0002320236380910501, 0.000168846599990502, -0.0006939267041161656, 2.3956787117640488e-05, -0.0003334925277158618, -0.0002565640606917441, 0.0002578998974058777, -0.0014579816488549113, 3.818669210886583e-05, 1.3453187420964241e-05, -0.0012156958691775799, -0.0004599008534569293, -1.2582187082443852e-05, -0.0004109698929823935, -0.0006513826083391905, -0.0007052663713693619, -0.00019046838860958815, -0.00025610235752537847, -0.0009812392527237535, 0.00025338769773952663, 0.00018283093231730163, -0.0007002032361924648, 0.00020938004308845848, 0.00031376659171655774, -0.000773498322814703, -8.95988050615415e-05, -0.0001541269157314673, -0.0005072610802017152, 0.00031258337548933923, -0.0009567092056386173, 9.716904605738819e-05, 0.0006057872087694705, -0.0013453763676807284, 0.00043631825246848166, 0.0005072936182841659, -0.0007927269907668233, 0.00019987611449323595, -0.0003582096833270043, -9.346180740976706e-05, -0.00045361986849457026, -0.000999881187453866, 0.0007639167015440762, -0.0008717615273781121, -0.0007469743140973151, 0.00037041405448690057, -0.0008452326874248683, -5.922736818320118e-06, -0.00034907812369056046, -0.000794098770711571, 0.0005515218363143504, -0.0008680212777107954, -0.00021646241657435894, 0.0006788024329580367, -0.0012054707622155547, 0.0006359434337355196, 0.00019988448184449226, -0.0008113879594020545, 0.00052888278150931, -0.0008872295147739351, -0.0001746070629451424, 0.0001074849787983112, -0.000890431459993124, -0.00020223281171638519, -0.00039894075598567724, 3.3997901482507586e-05, -0.0004984800470992923, -0.0010927069233730435, 0.0006154757575131953, -0.00011522448767209426, -0.000763337011449039, 0.00045879182289354503, 0.00014570455823559314, -6.296765786828473e-05, -0.00020580783893819898, 0.0004101165395695716, 0.0008790633291937411, 0.00010379328159615397, -0.000193582265637815, 0.0007327264174818993, 0.0005216741119511425, 1.4992750948294997e-05, -1.6886231605894864e-05, 0.0007735417457297444, 0.0004763997858390212, -0.0002012816839851439, 8.023592818062752e-05, 6.0911497712368146e-05, -0.00016555842012166977, -0.0003109033568762243, -0.0006716162897646427, 0.0004678749246522784, -0.0005419116350822151, -0.0005854484043084085, 0.00027781116659753025, -0.0006121409824118018, 0.00020426991977728903, -0.0005439841770567, -0.0004901291686110198, -0.0002845525450538844, 0.00019259746477473527, -6.529929669341072e-05, -0.00019686721498146653, 0.00039718314656056464, 0.0006823629955761135, -0.0002995079557877034, -0.00033164184424094856, 0.0006350161274895072, -0.0002984248276334256, 0.00034295301884412766, -1.2272800631762948e-05, 0.0002813716128002852, 0.0004899365012533963, -0.0001712344674160704, 0.00042632443364709616, 0.0005061443662270904, -3.7070702092023566e-05, -0.00026731478283181787, 0.0008899191743694246, 0.000659475801512599, -0.0002725614467635751, 0.0008380553335882723, 0.0008215864072553813, 0.0002651358372531831, 0.00029185248422436416, 0.0007409327663481236, 0.001002081553451717, -1.1526291928021237e-05, -0.0001807602820917964, 0.0010100227082148194, 0.00043810741044580936, -0.00022245239233598113, 0.0007679177797399461, 0.0005397532950155437, 0.0006474985275417566, 0.0003417719854041934, 0.00052651233272627, 0.001393442158587277, 9.368582686875015e-05, 0.00037490573595277965, 0.0015216488391160965, 0.0009577676537446678, 0.0007120766676962376, 0.0007452575373463333, 0.0011216959683224559, 0.0011903264094144106, 5.077406513009919e-06, 0.0009359160321764648, 0.0014843695098534226, 1.962908572750166e-05, 0.0005498139071278274, 0.001018303562887013, 0.0009732301696203649, 0.0001177801750600338, 0.0005973609513603151, 0.0013473756844177842, 0.0004839587491005659, 0.000394863192923367, 0.001390295336022973, 0.0010229924228042364, 0.0005138100241310894, 0.0009057791903614998, 0.0011428517755120993, 0.0010816865833476186, 0.0003566277155186981, 0.0007965738186612725, 0.0013540686341002584, 0.0008250033133663237, 0.00025503800134174526, 0.0014008365105837584, 0.0009433773229829967, 0.0007938442286103964, 0.0009697498171590269, 0.000813076738268137, 0.0007065821555443108, 0.000515342690050602, 0.0006276213098317385, 0.0005497256061062217, 0.0006437112460844219, 0.00035675594699569046, 0.001081259804777801, 0.0002493392676115036, 0.0006466993363574147, 0.0009648803970776498, 0.00021359881793614477, 0.0010625567520037293, 0.00031689717434346676, 0.0005972674698568881, 0.0013133768225088716, 0.00041360940667800605, 0.0007646538433618844, 0.0010422402992844582, 0.0004923460655845702, 0.0011986405588686466, 0.0008430085727013648, 0.0008778560440987349, 0.0012939645675942302, 0.00086993194418028, 0.001043223892338574, 0.0012460469733923674, 0.0003514726704452187, 0.0010941509390249848, 0.001354953390546143, -0.00020345071970950812, 0.0006583003560081124, 0.0003997144813183695, 0.0002404308324912563, 0.0010128362337127328, -0.0002541526919230819, 0.0011684290366247296, 0.0006618814077228308, -8.786862599663436e-05, 0.0007399424794130027, 7.332851964747533e-05, 0.0006338649545796216, -5.8840683777816594e-05, 0.00023565295850858092, 0.0007771127857267857, 0.0005626416532322764, -0.0001033118533086963, 0.0009899543365463614, 0.0003972178092226386, -0.0003653345920611173, 0.0006288374424912035, 0.00019585239351727068, 0.00047554157208651304, 0.00023568003962282091, -0.00023850427533034235, 0.0006947062211111188, -7.121992530301213e-05, -0.00016548909479752183, 0.0003942206094507128, -0.0001810556132113561, 7.83880241215229e-05, -0.00012459563731681556, -1.7000003936118446e-05, 0.0004949719877913594, -0.0004415661096572876, -1.2787598279828671e-05, -3.62157188646961e-05, -0.0008881008834578097, -0.00010830376413650811, -2.7053923986386508e-05, -0.0001838022581068799, 0.0002264404174638912, 0.00014130040653981268, 0.0002054486976703629, 0.00010949978604912758, 5.906035949010402e-05, 0.0005504364380612969, 0.0005003995611332357, -5.0537375500425696e-05, 0.0003903059696312994, 0.0009800153784453869, -0.0002017654915107414, 0.0001618638343643397, 0.0007295410032384098, 0.00020976406813133508, 0.0007560940575785935, -0.0001944800023920834, 0.00014214744442142546, 0.0007843196508474648, -6.229055725270882e-05, 0.0006751407054252923, 0.0007693453808315098, 0.0002699988253880292, 0.0002617922436911613, 0.0004027608665637672, 0.00012841039279010147, 0.0001102908281609416, -0.00010761208250187337, -2.6580888516036794e-05, 0.00043879414442926645, -4.962627644999884e-05, 0.0003852971422020346, 0.0005566550535149872, -0.0003619277849793434, 0.00015678822819609195, -0.00021288949938025326, -4.304842514102347e-05, 0.00017359605408273637, -0.00016945220704656094, -9.779173706192523e-05, -0.00013082819350529462, -0.00012158566823927686, -0.00020105870498809963, -6.798261165386066e-05, -0.00030549534130841494, -0.00013568007852882147, -0.00017887927242554724, -0.00035283996840007603, -0.00024207324895542115, -0.00031232036417350173, -0.00010827887308550999, -0.0006601945497095585, -0.000773319392465055, -0.0004990111920051277, -1.8837252355297096e-05, -0.0008117613033391535, -0.0006711871246807277, -0.0003094794228672981, -0.0004213412757962942, -0.00034665761631913483, -0.00029991508927196264, -0.0003030451771337539, -8.181003067875281e-05, -0.00040818817797116935, -0.0002751511347014457, -0.0004494435852393508, -0.00044456010800786316, -0.00023559476539958268, -0.0004507934208959341, 8.476072252960876e-05, -0.00015140425239223987, -0.0004562456451822072, 0.00016767552006058395, -0.00022713332145940512, 3.946818469557911e-05, -0.000419112853705883, -0.0005051714251749218, 0.0008664659690111876, -0.0003973009588662535, 0.00014667873620055616, 0.0001886885438580066, -0.00046622438821941614, 9.203711670124903e-05, -0.00035228845081292093, 0.00021086842752993107, 0.00018804743012879044, -0.0007755355909466743, 3.771983028855175e-05, 0.00011103324504802004, -0.0003582417266443372, 0.0001351742394035682, 0.00011666747013805434, 0.00040947223897092044, 0.00015814985090401024, -0.00047127544530667365, 0.0005465051508508623, 3.9837325971348037e-07, -0.00023657306155655533, 0.0003299131349194795, 0.0003294065536465496, -5.531735951080918e-05, -2.0525378658931004e-06, 4.351589086581953e-05, -0.00044614856597036123, 0.00012149597750976682, -0.00011885626736329868, -0.0003123686765320599, -0.0002538071421440691, -0.000915552256628871, -0.0002994645037688315, -0.0008182317833416164, -0.0009112784173339605, -7.193165947683156e-05, -0.0006635813624598086, -0.0004317208949942142, -0.0008640691521577537, -0.0005543070728890598, -0.00018488145724404603, -0.0007556670461781323, -0.0005139893037267029, -8.805006655165926e-05, -0.00011757850734284148, -0.00045384501572698355, 4.337665450293571e-05, 0.0001280576252611354, -0.00014368425763677806, -0.0007654415676370263, -0.0005391875165514648, 0.00019951071590185165, -0.0009628471452742815, -0.0004555050691124052, -0.00014601605653297156, -0.00034454892738722265, -0.00038144050631672144, -0.0004135746567044407, -0.00014523295976687223, -0.00011375756002962589, -0.0004104064137209207, -8.480108226649463e-05, 0.00011724306386895478, -0.00034642047830857337, -0.00012178131873952225, 8.702525519765913e-05, 5.3176365327090025e-05, -2.8810949515900575e-05, 0.00023969663016032428, 0.0005250159883871675, 0.0005692523554898798, 0.0006002357113175094, 0.00027920500724576414, 0.0007281547295860946, -0.00020996620878577232, 0.00010949325951514766, 0.0003149591211695224, -0.00030204124050214887, -6.201017185958335e-06, 0.00037969337427057326, 0.0006335180951282382, 0.00044531849562190473, 0.00024246862449217588, 0.00019424139463808388, 6.327487790258601e-05, -0.00030585238710045815, 0.00011948968312935904, 0.00040817796252667904, 0.00040817068656906486, 4.867848019785015e-06, 0.0003763105778489262, 0.00016367164789699018, 0.00027719963691197336, 0.0003774973738472909, 9.719715308165178e-05, 0.0005811728769913316, 0.0004933837335556746, 0.0010767478961497545, 0.0016308490885421634, 0.0013806164497509599, 0.0012976698344573379, 0.001044100383296609, 0.0013665962032973766, 0.0010275536915287375, 0.0005083470605313778, 0.0010039180051535368, 0.001055436092428863, 0.0009705934789963067, 0.0011103404685854912, 0.0011001814855262637, 0.0009002555161714554, 0.00127819471526891, 0.0011213314719498158, 0.0011694577988237143, 0.001307889586314559, 0.0010095209581777453, 0.001343974145129323, 0.001673926948569715, 0.0013274169759824872, 0.0016314564272761345, 0.001530600362457335, 0.0007860197802074254, 0.0012092365650460124, 0.001052461564540863, 0.0015408288454636931, 0.002233997918665409, 0.0019438074668869376, 0.00181533710565418, 0.0019323356682434678, 0.0019055274315178394, 0.0025577370543032885, 0.0015900784637778997, 0.0019330292707309127, 0.002725590020418167, 0.0025596790947020054, 0.0027880570851266384, 0.002113722963258624, 0.0023505922872573137, 0.0024943938478827477, 0.00194486603140831, 0.0022211733739823103, 0.0023274084087461233, 0.0016268157633021474, 0.0022620351519435644, 0.002020369516685605, 0.0018335198983550072, 0.0014957800740376115, 0.0017077310476452112, 0.0019216126529499888, 0.0008347482653334737, 0.0015735032502561808, 0.001561691053211689, 0.0021228587720543146, 0.0017268044175580144, 0.0017387905390933156, 0.002348608337342739, 0.0023204542230814695, 0.0016611971659585834, 0.0020610850770026445, 0.0024461555294692516, 0.0020949298050254583, 0.0031303828582167625, 0.002663081744685769, 0.002211502054706216, 0.0017193197272717953, 0.0024404150899499655, 0.001830870402045548, 0.0023852684535086155, 0.0017181289149448276, 0.002592365723103285, 0.0029023021925240755, 0.0016127499984577298, 0.0027195315342396498, 0.001874530571512878, 0.0021484598983079195, 0.0027874268125742674, 0.002670038491487503, 0.0031141575891524553, 0.0024506861809641123, 0.0027380799874663353, 0.003187956754118204, 0.0019232701743021607, 0.0022986209951341152, 0.002416877308860421, 0.0014554655645042658, 0.0020425005350261927, 0.002442107070237398, 0.0022271147463470697, 0.002675028517842293, 0.0017550806514918804, 0.0020957321394234896, 0.00279972399584949, 0.0020353919826447964, 0.002346178749576211, 0.0022714838851243258, 0.0020001614466309547, 0.001549317268654704, 0.0013305428437888622, 0.0008628372452221811, 0.0012392222415655851, 0.0007518421043641865, 0.0009470246150158346, 0.0014505265280604362, 0.0006943640182726085, 0.0013708603801205754, 0.0012923654867336154, 0.0010023638606071472, 0.0018352963961660862, 0.0012560846516862512, 0.0017527261516079307, 0.001811264199204743, 0.0016178595833480358, 0.0016350962687283754, 0.0009759116801433265, 0.0015118615701794624, 0.0019478043541312218, 0.0023189529310911894, 0.001583752571605146, 0.0011360362404957414, 0.0011075789807364345, 0.0012838952243328094, 0.0018537823343649507, 0.001641643699258566, 0.0013869700487703085, 0.0015135809080675244, 0.000907242123503238, 0.0009909124346449971, 0.0004623587883543223, 0.0007182657718658447, 0.0017507729353383183, 0.0016047329409047961, 0.0019009709358215332, 0.0010787589708343148, 0.0019026421941816807, 0.002176126465201378, 0.0015284615801647305, 0.0017330562695860863, 0.001964233350008726, 0.002498597139492631, 0.0024240384809672832, 0.0018532611429691315, 0.0022432361729443073, 0.0014352144207805395, 0.0013246333692222834, 0.0010983682004734874, 0.0004135900817345828, 0.0006564804934896529, 0.0007480563363060355, -3.1147308163781418e-06, 0.00022190292656887323, 0.00011019309022231027, -0.00016693359066266567, -0.0006107041263021529, -0.00043179653584957123, -0.0011904591228812933, -0.00043366235331632197, -0.0010509284911677241, -0.0009836450917646289, 0.0002653756528161466, -0.0009765400900505483, -0.0007005038787610829, -0.0012510610977187753, -0.001264955848455429, -0.002039983868598938, -0.0027512116357684135, -0.00221762852743268, -0.0028525260277092457, -0.0017704940401017666, -0.001788257621228695, -0.0019533608574420214, -0.0015393944922834635, -0.0022056724410504103, -0.0011833953903988004, -0.0019015305442735553, -0.002339370083063841, -0.0024206426460295916, -0.0027632974088191986, -0.0019337061094120145, -0.002379057230427861, -0.0022841228637844324, -0.002222280716523528, -0.0028498289175331593, -0.0025930628180503845, -0.00323916575871408, -0.0016470546834170818, -0.0012418305268511176, -0.0021024916786700487, -0.0024636341258883476, -0.0031051745172590017, -0.0027452358044683933, -0.004029327072203159, -0.004337258171290159, -0.0038605553563684225, -0.003312787041068077, -0.002496371977031231, -0.0028419867157936096, -0.002335846424102783, -0.0025752258952707052, -0.0032851463183760643, -0.003392136422917247, -0.0027428509201854467, -0.0029890332370996475, -0.003992132842540741, -0.003945383708924055, -0.004094327799975872, -0.0033476075623184443, -0.004029534757137299, -0.00396711053326726, -0.0038825757801532745, -0.004070878028869629, -0.002845874521881342, -0.0030579466838389635, -0.0034409090876579285, -0.0029069832526147366, -0.0029860290233045816, -0.003476422978565097, -0.00390917994081974, -0.005088821519166231, -0.003652562154456973, -0.0023112783674150705, -0.0023966175504028797, -0.0038136979565024376, -0.004235109314322472, -0.0037739013787359, -0.0033997204154729843, -0.00416340259835124, -0.003539813682436943, -0.002654843032360077, -0.0034168094862252474, -0.00354037806391716, -0.0031490277033299208, -0.0032618206460028887, -0.0027169031091034412, -0.0030520025175064802, -0.002995742717757821, -0.002837564330548048, -0.0032191919162869453, -0.0038966257125139236, -0.0038602680433541536, -0.004186916630715132, -0.003656078828498721, -0.003520599566400051, -0.004440719727426767, -0.003880133619531989, -0.0045468308962881565, -0.005054183769971132, -0.0033088154159486294, -0.00471485173329711, -0.003549547865986824, -0.0029539938550442457, -0.0043417164124548435, -0.0038165298756211996, -0.005023561418056488, -0.004076777491718531, -0.0033995695412158966, -0.0037093188147991896, -0.003060727845877409, -0.0033844592981040478, -0.003695487277582288, -0.0032643473241478205, -0.003409204538911581, -0.0026746061630547047, -0.003538530319929123, -0.0041571855545043945, -0.002683071419596672, -0.0026034004986286163, -0.0028468803502619267, -0.0038362108170986176, -0.0028285596054047346, -0.002067718654870987, -0.001885119010694325, -0.0027509843930602074, -0.0032586383167654276, -0.0008917903178371489, -0.0015677163610234857, -0.0025514550507068634, -0.003782687010243535, -0.003767102025449276, -0.0025958544574677944, -0.0005219121812842786, -0.0024058620911091566, -0.002159166382625699, -0.0027113244868814945, -0.0024718979839235544, -0.0018562901532277465, -0.002532879589125514, -0.0017057061195373535, -0.0021650721319019794, -0.0031976383179426193, -0.0026914922054857016, -0.0017417235067114234, -0.0005303134676069021, -0.0015196467284113169, -0.0020715072751045227, -0.0016128257848322392, -0.0007403139607049525, -0.002564080525189638, -0.003870829241350293, -0.0035759101156145334, -0.002423304133117199, 0.0002327241818420589, -0.0013607213040813804, -0.0019748136401176453, -0.0018702816450968385, -0.0019070738926529884, -0.0023258698638528585, -0.0030035898089408875, -0.0025711271446198225, -0.001493039890192449, -0.00013874621072318405, -0.0007006918895058334, 0.0007019134936854243, 0.0004950824659317732, -0.000534805643837899, -0.0001694105303613469, -0.0005458766245283186, 0.00035099341766908765, 0.001980454893782735, -0.000948429515119642, -0.0002133168454747647, 0.0003484574262984097, 0.0012097221333533525, 0.0014021863462403417, -0.0012144228676334023, 0.000799037516117096, 0.0019992126617580652, 0.0007091215229593217, 0.00030447327299043536, -0.0008631634409539402, 0.0005972484359517694, 0.002018391853198409, 0.0019808749202638865, 0.002978717675432563, 0.002749113133177161, 0.0027707922272384167, 0.002164808800444007, 0.0016430467367172241, 0.001877360511571169, 0.0024693324230611324, 0.0021854310762137175, 0.00350814126431942, 0.003216624492779374, 0.003939022775739431, 0.004515052307397127, 0.002193339867517352, 0.0033390671014785767, 0.0018708776915445924, 0.001611172454431653, 0.002777190413326025, 0.001949032419361174, 0.0029552802443504333, 0.0024798642843961716, 0.004662336781620979, 0.003641157178208232, 0.0032598497346043587, 0.004622137639671564, 0.002693963935598731, 0.0033142026513814926, 0.00032619640114717185, 0.001514985109679401, 0.0034138038754463196, 0.003074780572205782, 0.005877951625734568, 0.004070293623954058, 0.006622127257287502, 0.004358135629445314, 0.004680063109844923, 0.0072342525236308575, 0.006246973294764757, 0.010033760219812393, 0.005435449071228504, 0.010624291375279427, 0.011003903113305569, 0.016552871093153954, 0.03459080308675766, 0.04237467795610428, 0.05692555010318756, 0.03194914013147354, 0.007062164600938559, -0.004647806286811829, -0.021219361573457718, -0.0031789783388376236, -0.00017896156350616366, 0.0009503999608568847, 0.0052715386264026165, -0.0105173010379076, -0.021795574575662613, -0.027388012036681175, -0.03550266847014427, -0.0379304513335228, -0.035371772944927216, -0.03499596193432808, -0.03464370593428612, -0.02411576174199581, -0.01587865687906742, 0.014169312082231045, 0.044781532138586044, 0.054612282663583755, 0.04418674111366272, 0.01702941581606865, -0.01606825552880764, -0.01967301033437252, -0.0017009333241730928, 0.006112600211054087, 0.04041757434606552, 0.029318511486053467, 0.019176797941327095, 0.01299587357789278, -0.02352873608469963, -0.010288232937455177, -0.027991004288196564, -0.03039003349840641, -0.013938303105533123, -0.03814271464943886, -0.0029433979652822018, -0.011814982630312443, 0.0034692592453211546, 0.02026783861219883, -0.015895606949925423, 6.577881867997348e-05, -0.02949235402047634, -0.02332880347967148, -0.007434708531945944, -0.01740679331123829, 0.017292050644755363, 0.007077475544065237, 0.015028472058475018, 0.021046768873929977, 0.009658454917371273, 0.01696004532277584, 0.0037243554834276438, -0.00648682564496994, -0.008395169861614704, -0.012557861395180225, -0.012658295221626759, 0.005393013823777437, 0.009569437243044376, 0.011640656739473343, 0.01622680015861988, -0.0030015099328011274, 0.0025228033773601055, -0.010104970075190067, -0.021720364689826965, -0.0016895218286663294, -0.013062844052910805, -0.0006788799073547125, -0.0034384457394480705, -0.01076405867934227, 0.004792460706084967, -0.003342049429193139, -0.000870110874529928, -0.007169610355049372, -0.014198468066751957, -0.016350431367754936, -0.01541170198470354, 0.0031575970351696014, 0.010012026876211166, 0.02083916775882244, 0.018605751916766167, 0.01370325405150652, 0.020413463935256004, 0.007839277386665344, 0.009114207699894905, 0.008297471329569817, -0.00030615151626989245, 0.010732623748481274, 0.008478810079395771, 0.011778528802096844, 0.021940866485238075, 0.015419386327266693, 0.01622004806995392, 0.011311679147183895, -0.004117900040000677, -0.0010122187668457627, 0.0017316335579380393, 0.009535341523587704, 0.01668143831193447, 0.013025730848312378, 0.017294062301516533, 0.01868433505296707, 0.029809365049004555, 0.03909847512841225, 0.03239314630627632, 0.028573961928486824, 0.010684415698051453, 0.015120417810976505, 0.019337737932801247, 0.021473925560712814, 0.032588887959718704, 0.02061573788523674, 0.019033066928386688, 0.00837769266217947, -0.006384941749274731, 0.008525487966835499, -0.0003717409272212535, -8.560391870560125e-05, -0.0030594966374337673, -0.016761522740125656, -0.008594791404902935, -0.014285181649029255, -0.005326325539499521, 0.0020049517042934895, 0.0011745786760002375, 0.004116525873541832, -0.0008051687036640942, -0.00029695499688386917, -0.0011167933698743582, 0.0009698551730252802, 0.005418283399194479, 0.006446573883295059, 0.008962112478911877, 0.0007282958831638098, 0.001435783808119595, 0.004380361642688513, -0.0028318893164396286, -0.006864480208605528, -0.014698007144033909, -0.020466698333621025, -0.023253241553902626, -0.025084353983402252, -0.023768460378050804, -0.023623207584023476, -0.020820967853069305, -0.021726759150624275, -0.020070547237992287, -0.01736358180642128, -0.014130213297903538, -0.010399457067251205, -0.006828835234045982, -0.0056921071372926235, -0.007815445773303509, -0.00045236022560857236, -0.0004924208042211831, 0.005731623619794846, 0.006053671706467867, 0.002562551759183407, 0.009220867417752743, 0.0017499341629445553, 0.00028428874793462455, -0.00197364529594779, -0.005582439247518778, -0.002150978660210967, -0.0024698330089449883, -0.0026833745650947094, -0.0017438778886571527, -0.00021814157662447542, -0.0003095653373748064, -0.0019225849537178874, -0.004020581021904945, -0.00589368212968111, -0.0048643420450389385, -0.003761865431442857, -0.00034845853224396706, 0.003725201589986682, 0.00611476693302393, 0.010229546576738358, 0.006408313289284706, 0.0062211924232542515, 0.0035220105201005936, 0.0030048834159970284, 0.007876974530518055, 0.009488717652857304, 0.006369210314005613, 0.0033273284789174795, 0.0016082447255030274, 0.001038369257003069, 0.0008903349516913295, -0.0031457776203751564, -0.00373037694953382, -0.007203250657767057, -0.010397366248071194, -0.016176501289010048, -0.014523557387292385, -0.00685013085603714, -0.006126212887465954, -0.000820169982034713, -0.005789772141724825, -0.008090983144938946, -0.008287490345537663, -0.011049255728721619, -0.006596725434064865, -0.007491875905543566, -0.009137553162872791, -0.008600901812314987, -0.007184311281889677, -0.008125879801809788, -0.009103876538574696, -0.010895099490880966, -0.011063560843467712, -0.01498635858297348, -0.020941972732543945, -0.020736653357744217, -0.023389555513858795, -0.02197275497019291, -0.027341218665242195, -0.029184110462665558, -0.02802581898868084, -0.02978201024234295, -0.029751678928732872, -0.03228040412068367, -0.033323436975479126, -0.03529459983110428, -0.03777727857232094, -0.02856687270104885, -0.031100129708647728, -0.02668110653758049, -0.025010574609041214, -0.02584550715982914, -0.019110864028334618, -0.0251112449914217, -0.030266230925917625, -0.02980211190879345, -0.03175324946641922, -0.03030324913561344, -0.026497676968574524, -0.027511050924658775, -0.02874027006328106, -0.03304992988705635, -0.03874250873923302, -0.04052473232150078, -0.03986678272485733, -0.04149748384952545, -0.04234377667307854, -0.03975950926542282, -0.04404357448220253, -0.04014399275183678, -0.039573270827531815, -0.04635915160179138, -0.049469057470560074, -0.061262503266334534, -0.05861720070242882, -0.054478079080581665, -0.04866650328040123, -0.04237291216850281, -0.03563685715198517, -0.030575821176171303, -0.019828949123620987, -0.016086744144558907, -0.0129208043217659, -0.008309131488204002, -0.008525771088898182, -0.0009826914174482226, 0.009067516773939133, 0.009129506535828114, 0.02397989295423031, 0.022043582051992416, 0.02316426672041416, 0.025237951427698135, 0.0054774172604084015, 0.015901928767561913, 0.0038253844249993563, 0.00817642081528902, 0.018147466704249382, 0.012357596307992935, 0.02815500646829605, 0.0254351869225502, 0.025054119527339935, 0.031703706830739975, 0.017225828021764755, 0.02011522836983204, 0.012141206301748753, 0.01419832557439804, 0.031375542283058167, 0.03387381136417389, 0.05199598893523216, 0.05548742413520813, 0.05362962558865547, 0.05700641870498657, 0.0464024655520916, 0.03936329856514931, 0.04241744056344032, 0.030040999874472618, 0.041436176747083664, 0.04070952162146568, 0.04448581486940384, 0.05332817882299423, 0.0474030002951622, 0.04580257087945938, 0.041042640805244446, 0.02889551781117916, 0.030158912762999535, 0.02340514399111271, 0.025301726534962654, 0.031091542914509773, 0.028437539935112, 0.03719962015748024, 0.03799832612276077, 0.03981578350067139, 0.04772615060210228, 0.03746948018670082, 0.040550097823143005, 0.03742596134543419, 0.03339475020766258, 0.048873674124479294, 0.041424740105867386, 0.06010979786515236, 0.060005173087120056, 0.06125633791089058, 0.06719289720058441, 0.05071575194597244, 0.055509958416223526, 0.0492674745619297, 0.04266129434108734, 0.05011829733848572, 0.038621481508016586, 0.03994470834732056, 0.04049616679549217, 0.031470078974962234, 0.03581056371331215, 0.028334258124232292, 0.020015275105834007, 0.018707245588302612, 0.010075944475829601, 0.007787944283336401, 0.008787467144429684, 0.0020295369904488325, 0.005761076230555773, 0.009364376775920391, 0.011849933303892612, 0.020927157253026962, 0.020160827785730362, 0.017405198886990547, 0.014584500342607498, 0.010332395322620869, 0.009544541127979755, 0.009823618456721306, 0.010616886429488659, 0.008161677978932858, 0.0043913391418755054, -0.0002952247450593859, -0.004975252319127321, -0.010359620675444603, -0.012122192420065403, -0.022739069536328316, -0.026396416127681732, -0.02577274665236473, -0.03254103288054466, -0.02724308893084526, -0.032488543540239334, -0.03957311436533928, -0.03508051484823227, -0.04096769541501999, -0.03548011556267738, -0.03072487749159336, -0.034406207501888275, -0.03398996219038963, -0.04716358333826065, -0.050596583634614944, -0.050641980022192, -0.04342140257358551, -0.03069259226322174, -0.03149072825908661, -0.035384051501750946, -0.03609754517674446, -0.04504378139972687, -0.041597191244363785, -0.034739602357149124, -0.04372254014015198, -0.039829108864068985, -0.05304762348532677, -0.06825632601976395, -0.05673985555768013, -0.060853261500597, -0.050845444202423096, -0.0501151867210865, -0.06582502275705338, -0.06401345878839493, -0.07679947465658188, -0.06930003315210342, -0.06940711289644241, -0.0715176910161972, -0.05722326412796974, -0.07215753942728043, -0.05609457939863205, -0.05645017698407173, -0.060347944498062134, -0.044255632907152176, -0.04868750274181366, -0.05549539253115654, -0.0436563603579998, -0.069621242582798, -0.05890721455216408, -0.04624052345752716, -0.04638972878456116, -0.014646780677139759, -0.022803550586104393, -0.01779046840965748, -0.011858990415930748, -0.013669625855982304, 0.004091525916010141, 0.005238032434135675, 0.004302179906517267, 0.0072250147350132465, -0.004464863333851099, 0.008700411766767502, 0.012793865986168385, 0.022542813792824745, 0.033812955021858215, 0.028299685567617416, 0.018297916278243065, 0.016091659665107727, 0.006979746278375387, 0.0139614911749959, 0.01648186333477497, 0.0073077864944934845, 0.006578787229955196, -0.001831947360187769, 0.0009379074326716363, 0.010812846943736076, 0.016415702179074287, 0.02566000632941723, 0.017618797719478607, 0.01019451767206192, 0.011172398924827576, 0.005277926102280617, 0.023696551099419594, 0.026878587901592255, 0.029198894277215004, 0.0373302586376667, 0.026854800060391426, 0.032426390796899796, 0.03737089782953262, 0.03844153508543968, 0.042844079434871674, 0.037293508648872375, 0.030495360493659973, 0.02654748596251011, 0.028690680861473083, 0.03396730124950409, 0.04052295908331871, 0.04075172543525696, 0.03297028690576553, 0.026044990867376328, 0.02069414220750332, 0.023336129263043404, 0.02368355542421341, 0.023202285170555115, 0.02068234421312809, 0.013329011388123035, 0.016651621088385582, 0.02071407623589039, 0.024279195815324783, 0.028866467997431755, 0.024878205731511116, 0.02009698748588562, 0.017617836594581604, 0.01790553890168667, 0.02036748267710209, 0.025882652029395103, 0.029019948095083237, 0.02866797149181366, 0.029400834813714027, 0.030022554099559784, 0.02778025157749653, 0.027680784463882446, 0.02676326408982277, 0.019719736650586128, 0.016991952434182167, 0.014574975706636906, 0.010862191207706928, 0.016191581264138222, 0.016343286260962486, 0.012282943353056908, 0.012389834970235825, 0.006213624030351639, 0.006956904660910368, 0.010238857008516788, 0.011900332756340504, 0.011962867341935635, 0.00927866343408823, 0.009362271055579185, 0.010251108556985855, 0.014116127043962479, 0.014202766120433807, 0.013008715584874153, 0.005632518790662289, 0.0036784850526601076, 0.0010156137868762016, 0.0011340001365169883, 0.009122819639742374, 0.002370038302615285, 0.003393434453755617, 0.000711464264895767, -0.003945919219404459, 0.0003453112149145454, -0.002577354433014989, -0.004622968379408121, -0.00659901462495327, -0.01078453753143549, -0.006987308617681265, -0.005958923604339361, -0.00395447202026844, -0.007632548455148935, -0.012441779486835003, -0.011973327025771141, -0.015582777559757233, -0.01283313799649477, -0.01694604568183422, -0.021529778838157654, -0.02444605343043804, -0.026483872905373573, -0.01717941276729107, -0.016852030530571938, -0.013501971960067749, -0.017362166196107864, -0.020998898893594742, -0.02137119136750698, -0.021818095818161964, -0.01824083924293518, -0.010367603972554207, -0.006877632811665535, -0.0022079015616327524, -0.003615392604842782, -0.0015755933709442616, -0.004521479364484549, -0.004637800622731447, -0.0029126806184649467, -0.00495817419141531, -0.00090862374054268, -0.003175406949594617, -0.0013398358132690191, -0.001055317115969956, -7.432746497215703e-05, 0.0003015094844158739, 0.0029102638363838196, 0.003477990860119462, 0.004318596329540014, 0.0030173708219081163, 0.0005201983149163425, 0.001113868784159422, 0.004020460415631533, 0.008502322249114513, 0.011468207463622093, 0.008483846671879292, 0.009400238282978535, 0.00907347071915865, 0.009956440888345242, 0.013993627391755581, 0.010347994044423103, 0.011487985961139202, 0.009905079379677773, 0.007355911191552877, 0.013796355575323105, 0.012401958927512169, 0.01585063710808754, 0.013857755810022354, 0.009758139960467815, 0.010582908987998962, 0.010129597038030624, 0.014895378611981869, 0.01530162338167429, 0.01449852716177702, 0.009334591217339039, 0.006811353377997875, 0.006304923910647631, 0.009926913306117058, 0.011591346934437752, 0.01282762922346592, 0.0099272970110178, 0.005857076961547136, 0.008236696012318134, 0.007963407784700394, 0.009387937374413013, 0.011955361813306808, 0.006064123939722776, 0.005962526425719261, 0.004951890092343092, 8.48670388222672e-05, 0.0045852758921682835, 0.0011839799117296934, 0.0010076089529320598, -0.0011797099141404033, -0.0055119628086686134, -0.00797705166041851, -0.011242960579693317, -0.011897707358002663, -0.014186326414346695, -0.01616891846060753, -0.017066067084670067, -0.020923636853694916, -0.022752827033400536, -0.020232373848557472, -0.023644955828785896, -0.02325744368135929, -0.02522997558116913, -0.02948947437107563, -0.027555285021662712, -0.029750721529126167, -0.029174037277698517, -0.03084232471883297, -0.03257020190358162, -0.03351147845387459, -0.03691151365637779, -0.036149974912405014, -0.036802809685468674, -0.03923413157463074, -0.03508817404508591, -0.040271610021591187, -0.041362226009368896, -0.03908666595816612, -0.04223981499671936, -0.038551609963178635, -0.040782906115055084, -0.042512375861406326, -0.04364047199487686, -0.045697201043367386, -0.04466721788048744, -0.045492105185985565, -0.04455253481864929, -0.041464343667030334, -0.04347177594900131, -0.038632478564977646, -0.03854406252503395, -0.0384317971765995, -0.032980602234601974, -0.035128939896821976, -0.03431125730276108, -0.03305073454976082, -0.03312046825885773, -0.029633691534399986, -0.0277139600366354, -0.02244281768798828, -0.019784046337008476, -0.0175638385117054, -0.011359546333551407, -0.009915811941027641, -0.002733128610998392, 0.002013375051319599, 0.002177509246394038, 0.007053941488265991, 0.009511786513030529, 0.01072758436203003, 0.018517950549721718, 0.019278509542346, 0.02065068855881691, 0.02456367015838623, 0.027964279055595398, 0.036823809146881104, 0.040004368871450424, 0.045288167893886566, 0.04547321796417236, 0.045595888048410416, 0.05106443911790848, 0.05130317434668541, 0.057452794164419174, 0.061374541372060776, 0.05767084285616875, 0.06086069345474243, 0.056052833795547485, 0.056518565863370895, 0.06038869917392731, 0.05766744539141655, 0.058251410722732544, 0.05185599997639656, 0.047788217663764954, 0.05015953630208969, 0.048336077481508255, 0.0572921484708786, 0.060009878128767014, 0.060557615011930466, 0.06218342483043671, 0.05924578011035919, 0.06162041053175926, 0.06362058967351913, 0.062025848776102066, 0.061485420912504196, 0.05651426687836647, 0.0507926270365715, 0.0492677204310894, 0.047183677554130554, 0.048919618129730225, 0.0463423915207386, 0.043454695492982864, 0.043715700507164, 0.03799916431307793, 0.035951100289821625, 0.036348987370729446, 0.035730261355638504, 0.03747882321476936, 0.03232927247881889, 0.02640172466635704, 0.025587258860468864, 0.024138161912560463, 0.026299793273210526, 0.025386881083250046, 0.019106511026620865, 0.013627003878355026, 0.006473635323345661, 0.005486523732542992, 0.004206386394798756, 0.0015841516433283687, -0.00033271839492954314, -0.00288353580981493, -0.006326543632894754, -0.004858178552240133, -0.0045155189000070095, -0.006226746365427971, -0.0055467914789915085, -0.013620506040751934, -0.014693312346935272, -0.019200364127755165, -0.020482787862420082, -0.021013911813497543, -0.025022678077220917, -0.027942486107349396, -0.030850732699036598, -0.03149242326617241, -0.02828325517475605, -0.02888225018978119, -0.027349628508090973, -0.029556123539805412, -0.03655537590384483, -0.0379108265042305, -0.03887767717242241, -0.0377691313624382, -0.03485341742634773, -0.036635082215070724, -0.03895416483283043, -0.040515732020139694, -0.04652580991387367, -0.04458848014473915, -0.04485050588846207, -0.04438920319080353, -0.04535158351063728, -0.050119124352931976, -0.050787076354026794, -0.05143197625875473, -0.049727074801921844, -0.04453727602958679, -0.04808398336172104, -0.04875953495502472, -0.05103762820363045, -0.0582977794110775, -0.0557979941368103, -0.05952941253781319, -0.06095851585268974, -0.05969815328717232, -0.06479784101247787, -0.06631895899772644, -0.06397491693496704, -0.06556551903486252, -0.06247622147202492, -0.060159388929605484, -0.06327039748430252, -0.06333938241004944, -0.06472461670637131, -0.062236275523900986, -0.06109483540058136, -0.05466729402542114, -0.05476254224777222, -0.05550946295261383, -0.05443006008863449, -0.056742195039987564, -0.05312769487500191, -0.04516502097249031, -0.04321912303566933, -0.03827716410160065, -0.03254518285393715, -0.03165892884135246, -0.02272435836493969, -0.011360552161931992, -0.004764157347381115, 0.003964161965996027, 0.007975895889103413, 0.008351890370249748, 0.01112182904034853, 0.0165873896330595, 0.020100358873605728, 0.025354359298944473, 0.02779817208647728, 0.02707144059240818, 0.029100164771080017, 0.03393019735813141, 0.03574220836162567, 0.040183670818805695, 0.045843951404094696, 0.04097059741616249, 0.04172137379646301, 0.041377175599336624, 0.042053431272506714, 0.04562496393918991, 0.04752562940120697, 0.04534837603569031, 0.0429825633764267, 0.042110733687877655, 0.04124575853347778, 0.044746410101652145, 0.04681040719151497, 0.04588964581489563, 0.043595533818006516, 0.04416581243276596, 0.043625615537166595, 0.046840600669384, 0.0535152442753315, 0.053585514426231384, 0.054025642573833466, 0.0544344000518322, 0.051755618304014206, 0.05335865169763565, 0.05655893683433533, 0.056111786514520645, 0.05657578632235527, 0.05426289513707161, 0.05288296565413475, 0.05358795449137688, 0.05535499379038811, 0.05874714255332947, 0.058881789445877075, 0.06152506545186043, 0.059855759143829346, 0.05901745334267616, 0.0608375109732151, 0.060069236904382706, 0.058686673641204834, 0.05793341249227524, 0.05590355023741722, 0.05260859429836273, 0.05294115096330643, 0.04935180023312569, 0.04770995303988457, 0.04539594054222107, 0.042087066918611526, 0.04004575312137604, 0.039874255657196045, 0.03804103657603264, 0.03618050366640091, 0.03475651517510414, 0.03126170113682747, 0.02962411753833294, 0.029320605099201202, 0.02930895797908306, 0.02811070717871189, 0.02468770183622837, 0.021965350955724716, 0.01863781362771988, 0.019840450957417488, 0.021461423486471176, 0.021588055416941643, 0.021185357123613358, 0.020150648429989815, 0.017668751999735832, 0.018346553668379784, 0.01866540126502514, 0.019823620095849037, 0.019516414031386375, 0.0167935062199831, 0.013992249965667725, 0.009839076548814774, 0.011002487502992153, 0.007722192909568548, 0.008125084452331066, 0.004489026498049498, -0.0022946991957724094, -0.004980201832950115, -0.009433995932340622, -0.011540855281054974, -0.01195839885622263, -0.017337748780846596, -0.020823145285248756, -0.025305336341261864, -0.029538651928305626, -0.028048371896147728, -0.031189126893877983, -0.03187952935695648, -0.03572597727179527, -0.03897882625460625, -0.04292007163167, -0.04541250318288803, -0.046458590775728226, -0.04720962792634964, -0.050101082772016525, -0.053368110209703445, -0.05643698200583458, -0.06193114444613457, -0.060232844203710556, -0.06099112704396248, -0.058465734124183655, -0.06422961503267288, -0.07223666459321976, -0.07656936347484589, -0.0802454948425293, -0.07813732326030731, -0.07412569224834442, -0.07467030733823776, -0.07387809455394745, -0.07927590608596802, -0.07960949838161469, -0.0740305483341217, -0.07275035977363586, -0.06569422036409378, -0.07033862173557281, -0.0711352527141571, -0.07306712120771408, -0.0716385617852211, -0.062169451266527176, -0.05452150106430054, -0.047685638070106506, -0.04468848928809166, -0.04453309625387192, -0.0397912859916687, -0.03227328881621361, -0.027659602463245392, -0.018689149990677834, -0.01739676296710968, -0.015955189242959023, -0.011159347370266914, -0.0077710323967039585, -0.0011089036706835032, 0.005927534773945808, 0.009085818193852901, 0.012544929049909115, 0.012275299057364464, 0.015234277583658695, 0.01876809448003769, 0.020389992743730545, 0.025202371180057526, 0.02091866545379162, 0.02062959223985672, 0.02045353874564171, 0.020940620452165604, 0.026858078315854073, 0.026089347898960114, 0.02810570038855076, 0.028467616066336632, 0.02697109244763851, 0.029008738696575165, 0.030235623940825462, 0.030466675758361816, 0.030979616567492485, 0.028927600011229515, 0.029568029567599297, 0.02980043739080429, 0.03234557434916496, 0.0357578843832016, 0.03584892675280571, 0.03882388025522232, 0.03870813921093941, 0.03819170966744423, 0.039753858000040054, 0.03846930339932442, 0.039127446711063385, 0.040119703859090805, 0.03931394964456558, 0.042068302631378174, 0.04225791618227959, 0.04303868114948273, 0.0451524443924427, 0.0439094603061676, 0.045273344963788986, 0.041924864053726196, 0.04159766435623169, 0.039215780794620514, 0.035443127155303955, 0.033991459757089615, 0.02934718318283558, 0.028534941375255585, 0.028463145717978477, 0.02740756794810295, 0.029632724821567535, 0.028013406321406364, 0.027063913643360138, 0.026718098670244217, 0.024716876447200775, 0.02491704374551773, 0.022827886044979095, 0.021387286484241486, 0.020786944776773453, 0.01816183142364025, 0.01836945302784443, 0.017311790958046913, 0.018344005569815636, 0.019803624600172043, 0.018325496464967728, 0.018503768369555473, 0.0180805791169405, 0.016439594328403473, 0.020333409309387207, 0.0186172965914011, 0.017313174903392792, 0.015998469665646553, 0.012372882105410099, 0.014583404175937176, 0.013016760349273682, 0.012212046422064304, 0.009504362940788269, 0.004311695694923401, 0.001747303525917232, -0.0022394938860088587, -0.00382084958255291, -0.00571602676063776, -0.010376552119851112, -0.011246834881603718, -0.014585461467504501, -0.01615052856504917, -0.015940137207508087, -0.01945061795413494, -0.02146092616021633, -0.026459263637661934, -0.029260003939270973, -0.033014144748449326, -0.03539155796170235, -0.03855401277542114, -0.041212912648916245, -0.04624789208173752, -0.048449836671352386, -0.052010420709848404, -0.05170484259724617, -0.05119144544005394, -0.05441858619451523, -0.05194607377052307, -0.05753539130091667, -0.05792074277997017, -0.05873824656009674, -0.05916428565979004, -0.057842712849378586, -0.05825195088982582, -0.06212780252099037, -0.06324783712625504, -0.06687483936548233, -0.06299690157175064, -0.061172690242528915, -0.05767463892698288, -0.053001515567302704, -0.05544494092464447, -0.04787707328796387, -0.04386512190103531, -0.032687027007341385, -0.02537563070654869, -0.020858755335211754, -0.019233588129281998, -0.016932806000113487, -0.016300885006785393, -0.009472530335187912, -0.006891513708978891, -0.0022052631247788668, -0.00012367060116957873, -0.002659850986674428, 0.0014859304064884782, 0.001441107364371419, 0.008319771848618984, 0.014122523367404938, 0.014725788496434689, 0.016160333529114723, 0.015715831890702248, 0.015778061002492905, 0.020935548469424248, 0.02428925223648548, 0.02802181988954544, 0.025345761328935623, 0.021126724779605865, 0.02297750860452652, 0.020673464983701706, 0.024133995175361633, 0.026474570855498314, 0.024645958095788956, 0.02315378375351429, 0.022035975009202957, 0.02131813019514084, 0.02497941069304943, 0.027641134336590767, 0.0298447385430336, 0.02903052233159542, 0.02868417464196682, 0.029273731634020805, 0.03012092597782612, 0.03286103904247284, 0.032376728951931, 0.02894267626106739, 0.026742195710539818, 0.023923352360725403, 0.024678733199834824, 0.0244455486536026, 0.02516091801226139, 0.026491543278098106, 0.025493890047073364, 0.024768788367509842, 0.02564646303653717, 0.026007970795035362, 0.027697285637259483, 0.02746560238301754, 0.025684304535388947, 0.022743109613656998, 0.019158419221639633, 0.01914309523999691, 0.01987764798104763, 0.020405611023306847, 0.021192118525505066, 0.019083475694060326, 0.017309613525867462, 0.017874298617243767, 0.01910039409995079, 0.020570162683725357, 0.020791595801711082, 0.020864728838205338, 0.019813625141978264, 0.019714675843715668, 0.021684518083930016, 0.02410290390253067, 0.025928925722837448, 0.025575581938028336, 0.024327458813786507, 0.02361973561346531, 0.023083187639713287, 0.02467312105000019, 0.02641725353896618, 0.025774041190743446, 0.025461481884121895, 0.024028943851590157, 0.02402173914015293, 0.02580004744231701, 0.02549004927277565, 0.027440214529633522, 0.025202253833413124, 0.022765139117836952, 0.022330425679683685, 0.019370675086975098, 0.02007180079817772, 0.018322544172406197, 0.01545635610818863, 0.01315217837691307, 0.011187616735696793, 0.010618829168379307, 0.009332535788416862, 0.007850832305848598, 0.005113282706588507, 0.0013736063847318292, -0.0012069883523508906, -0.003330325474962592, -0.006037765648216009, -0.007741568610072136, -0.010456065647304058, -0.013927261345088482, -0.016892654821276665, -0.018887247890233994, -0.0201977901160717, -0.02050093747675419, -0.023349914699792862, -0.025625476613640785, -0.028040731325745583, -0.02952432446181774, -0.03069700300693512, -0.03205406665802002, -0.03328200429677963, -0.035947445780038834, -0.037858568131923676, -0.039238106459379196, -0.0414215624332428, -0.04270615428686142, -0.043065786361694336, -0.04565473645925522, -0.047597791999578476, -0.04863470792770386, -0.0513484962284565, -0.05092998221516609, -0.0541963130235672, -0.05543271079659462, -0.057391852140426636, -0.05944988504052162, -0.059784576296806335, -0.06249941512942314, -0.06221626326441765, -0.06536106020212173, -0.06578302383422852, -0.06688103824853897, -0.0677090585231781, -0.06480302661657333, -0.06631883978843689, -0.06360753625631332, -0.06231256201863289, -0.06152158975601196, -0.055254533886909485, -0.0551871694624424, -0.0499422587454319, -0.04545598849654198, -0.043101679533720016, -0.037464041262865067, -0.035181909799575806, -0.03187636658549309, -0.028036264702677727, -0.02330436371266842, -0.019617483019828796, -0.016763601452112198, -0.013094567693769932, -0.010155422613024712, -0.006225435994565487, -0.0028772635851055384, 0.0019213528139516711, 0.004764205310493708, 0.007580604404211044, 0.00978818442672491, 0.013183102943003178, 0.01707964763045311, 0.018080633133649826, 0.019598843529820442, 0.020020535215735435, 0.02059844695031643, 0.022824766114354134, 0.02332404814660549, 0.02607741951942444, 0.02726830542087555, 0.02851114608347416, 0.029816335067152977, 0.02912505902349949, 0.028709441423416138, 0.029349127784371376, 0.02924961782991886, 0.030544089153409004, 0.030502358451485634, 0.030461633577942848, 0.03179234266281128, 0.031003227457404137, 0.030909232795238495, 0.03104366920888424, 0.0313824899494648, 0.03357147052884102, 0.034385573118925095, 0.035564396530389786, 0.03587379679083824, 0.0362229198217392, 0.036336708813905716, 0.035631999373435974, 0.03532905504107475, 0.03566987067461014, 0.03500920534133911, 0.036426398903131485, 0.033924102783203125, 0.03336357697844505, 0.031864847987890244, 0.030619582161307335, 0.02884797751903534, 0.02663014829158783, 0.02560175210237503, 0.023182040080428123, 0.022583624348044395, 0.0215287022292614, 0.019075511023402214, 0.01832808367908001, 0.016209520399570465, 0.013263307511806488, 0.013512194156646729, 0.011604797095060349, 0.01148732379078865, 0.00902982521802187, 0.006406332831829786, 0.004501108080148697, 0.0018789406167343259, 0.00317183556035161, 0.003565496765077114, 0.0028010783717036247, 0.0012248852290213108, -0.001494593103416264, -0.00393220828846097, -0.006025375332683325, -0.008084176108241081, -0.010142527520656586, -0.010927257128059864, -0.01329236663877964, -0.014807733707129955, -0.017066659405827522, -0.02038605324923992, -0.023322585970163345, -0.028563939034938812, -0.03170391917228699, -0.035125698894262314, -0.037430908530950546, -0.03887482360005379, -0.04109529033303261, -0.04364741966128349, -0.046769075095653534, -0.05087340623140335, -0.05226109176874161, -0.05296029523015022, -0.05287056043744087, -0.053893785923719406, -0.05556706711649895, -0.056990060955286026, -0.06017402186989784, -0.06239734962582588, -0.06428054720163345, -0.06559739261865616, -0.0681442990899086, -0.06969775259494781, -0.07227948307991028, -0.0735524520277977, -0.07102195173501968, -0.06756400316953659, -0.0656159296631813, -0.07088404148817062, -0.07901778072118759, -0.08620652556419373, -0.0837780013680458, -0.07125487923622131, -0.048191387206315994, -0.025871487334370613, -0.012088151648640633, -0.004382736515253782, -0.009034667164087296, -0.013365490362048149, -0.01686902903020382, -0.017277562990784645, -0.01064687967300415, -0.002015361562371254, 0.013133498840034008, 0.02772136777639389, 0.03725025802850723, 0.041321758180856705, 0.037411224097013474, 0.03155822306871414, 0.02695184387266636, 0.025668811053037643, 0.028288708999753, 0.03173086419701576, 0.03423677757382393, 0.034012727439403534, 0.03430802747607231, 0.03305826708674431, 0.03231342136859894, 0.030774928629398346, 0.027610963210463524, 0.028855932876467705, 0.02563398703932762, 0.026466816663742065, 0.024389883503317833, 0.024946803227066994, 0.023976080119609833, 0.026373665779829025, 0.027802148833870888, 0.03186602517962456, 0.03457675501704216, 0.03703559935092926, 0.037111785262823105, 0.03908267244696617, 0.03818914666771889, 0.03812076151371002, 0.037867408245801926, 0.0379943922162056, 0.0394471175968647, 0.04143301770091057, 0.04458412155508995, 0.04499169811606407, 0.04603293910622597, 0.040820907801389694, 0.039197519421577454, 0.03554460033774376, 0.033890511840581894, 0.03288566693663597, 0.03197641298174858, 0.029938949272036552, 0.026828952133655548, 0.021090125665068626, 0.015880076214671135, 0.01030738279223442, 0.006009171716868877, 0.0057954550720751286, 0.005844119004905224, 0.007567345630377531, 0.005606800317764282, 0.0003317706868983805, -0.003227775916457176, -0.006792853120714426, -0.008250654675066471, -0.007149386685341597, -0.0028898490127176046, 0.0015091684181243181, 0.007065340410917997, 0.008655083365738392, 0.008876155130565166, 0.00634375773370266, 0.003934585954993963, 0.002464112127199769, 0.0039229323156178, 0.00651053711771965, 0.01116904430091381, 0.014276972971856594, 0.016256822273135185, 0.01453267503529787, 0.010708685964345932, 0.006610562559217215, 0.0035552531480789185, 0.0030878058169037104, 0.005277266725897789, 0.009315903298556805, 0.011758648790419102, 0.010585756972432137, 0.004875614307820797, -0.0005342705990187824, -0.003828499699011445, -0.004897395148873329, -0.003800232196226716, -0.002645463217049837, -0.0012690159492194653, -0.005312668159604073, -0.008998426608741283, -0.013872970826923847, -0.01673942245543003, -0.019281039014458656, -0.016894221305847168, -0.014986880123615265, -0.012356097809970379, -0.014024096541106701, -0.016632288694381714, -0.022174911573529243, -0.025371307507157326, -0.025466885417699814, -0.023016132414340973, -0.018831821158528328, -0.014698383398354053, -0.014398711733520031, -0.014222555793821812, -0.015735801309347153, -0.016161998733878136, -0.018120108172297478, -0.015645191073417664, -0.012912570498883724, -0.01102675125002861, -0.007650801911950111, -0.009003468789160252, -0.01011171005666256, -0.014071176759898663, -0.014556403271853924, -0.012438353151082993, -0.010007916949689388, -0.00747305154800415, -0.003541110083460808, -0.004105987958610058, -0.0026158925611525774, -0.003519127843901515, -0.006416814401745796, -0.005769323091953993, -0.004891009069979191, -0.0030981472227722406, 0.002656256780028343, 0.0034812521189451218, 0.006720650941133499, 0.003743489272892475, 0.004699172917753458, 0.004955211188644171, 0.005616671871393919, 0.008610810153186321, 0.009872060269117355, 0.010450808331370354, 0.013502052053809166, 0.010895916260778904, 0.01138065755367279, 0.012304414995014668, 0.012374344281852245, 0.01310724951326847, 0.014262902550399303, 0.019958244636654854, 0.023041749373078346, 0.022706719115376472, 0.01968904584646225, 0.016950001940131187, 0.018101690337061882, 0.023204902186989784, 0.031472209841012955, 0.04108735918998718, 0.04285319149494171, 0.04402005299925804, 0.04167922958731651, 0.038717370480298996, 0.03882061317563057, 0.039898455142974854, 0.043521810322999954, 0.04704028740525246, 0.04842076078057289, 0.04808083176612854, 0.04576769471168518, 0.04406094551086426, 0.03913741931319237, 0.037293508648872375, 0.037657175213098526, 0.0383969321846962, 0.03707849606871605, 0.03636705130338669, 0.032101187855005264, 0.02979092486202717, 0.024967515841126442, 0.023296736180782318, 0.02120385132730007, 0.021649839356541634, 0.018034322187304497, 0.019129320979118347, 0.018561087548732758, 0.014925924129784107, 0.01185252983123064, 0.007793078199028969, 0.008901209570467472, 0.006649637129157782, 0.008247967809438705, 0.005020081531256437, 0.00520839961245656, 0.0022941166535019875, 0.0037588474806398153, 0.00316242640838027, 0.0012193819275125861, 0.00315007078461349, -0.0012900310102850199, 0.0012841662392020226, -0.002929260255768895, -0.005385071504861116, -0.01226357463747263, -0.016895702108740807, -0.020841598510742188, -0.024195153266191483, -0.029604388400912285, -0.035606108605861664, -0.04367487132549286, -0.05227809026837349, -0.05751163139939308, -0.06533326208591461, -0.07163158804178238, -0.08143143355846405, -0.08843272179365158, -0.09443884342908859, -0.10047687590122223, -0.10546261072158813, -0.1098744198679924, -0.11168050765991211, -0.11671745777130127, -0.11749077588319778, -0.11863884329795837, -0.11747894436120987, -0.1135682538151741, -0.10689842700958252, -0.09464595466852188, -0.07953561097383499, -0.062377188354730606, -0.0404057502746582, -0.020055264234542847, -0.006874802056699991, 0.005659968126565218, 0.01432946976274252, 0.025545649230480194, 0.028872951865196228, 0.03615008294582367, 0.03882300481200218, 0.04152584820985794, 0.04174225032329559, 0.040903240442276, 0.0414026603102684, 0.04366759955883026, 0.04348362982273102, 0.04152783006429672, 0.03873743116855621, 0.034799132496118546, 0.030745254829525948, 0.023381318897008896, 0.014959936030209064, 0.007699011359363794, 0.0025335943792015314, 0.0002864789275918156, -0.00441953307017684, -0.007852290757000446, -0.010963836684823036, -0.009829132817685604, -0.009666685946285725, -0.009230708703398705, -0.004790936596691608, -0.00046421028673648834, 0.0022137134801596403, 0.004568418953567743, 0.00502776401117444, 0.009361151605844498, 0.009296347387135029, 0.012058240361511707, 0.014866014011204243, 0.016726454719901085, 0.022179240360856056, 0.02424979768693447, 0.028227778151631355, 0.02933250367641449, 0.029206253588199615, 0.030854836106300354, 0.03226935490965843, 0.03406615927815437, 0.03450256213545799, 0.03376740589737892, 0.030847027897834778, 0.025812171399593353, 0.020656155422329903, 0.01762216165661812, 0.013909939676523209, 0.010032587684690952, 0.0072562904097139835, 0.004656548146158457, 0.003743670880794525, -0.0012797097442671657, 0.0010737987468019128, 0.0015718984650447965, 0.0026473207399249077, 0.0015339951496571302, 0.0010715079260990024, 0.0026376177556812763, 0.002370354486629367, 0.003411833429709077, 0.002294333418831229, 0.005875606555491686, 0.005671841558068991, 0.008749757893383503, 0.008917181752622128, 0.013950768858194351, 0.015612813644111156, 0.020706361159682274, 0.026104245334863663, 0.027997532859444618, 0.03458254784345627, 0.03384517505764961, 0.03845899552106857, 0.038443442434072495, 0.03748380020260811, 0.03927028179168701, 0.03244646266102791, 0.03501022979617119, 0.027689920738339424, 0.026893634349107742, 0.025102438405156136, 0.020821861922740936, 0.024457210674881935, 0.020655345171689987, 0.02257915772497654, 0.018966054543852806, 0.017878100275993347, 0.017538247630000114, 0.015164591372013092, 0.01562664844095707, 0.012145083397626877, 0.00992677453905344, 0.0032239665742963552, -0.00015190555131994188, -0.005779242143034935, -0.006849354598671198, -0.010561743751168251, -0.012781080789864063, -0.01703016646206379, -0.016462935134768486, -0.020197615027427673, -0.020445674657821655, -0.019356602802872658, -0.019861768931150436, -0.019288429990410805, -0.021170156076550484, -0.021893257275223732, -0.024657102301716805, -0.028041640296578407, -0.030230456963181496, -0.034237224608659744, -0.03464803844690323, -0.03838903084397316, -0.041381362825632095, -0.04311569035053253, -0.04652503505349159, -0.045946285128593445, -0.04850924387574196, -0.046556513756513596, -0.04751293733716011, -0.046944644302129745, -0.04757797345519066, -0.04557207226753235, -0.04498092457652092, -0.0442030243575573, -0.04240531846880913, -0.03998946398496628, -0.03781914710998535, -0.03823499009013176, -0.03323816880583763, -0.02775241620838642, -0.020907437428832054, -0.013874384574592113, -0.0051000965759158134, 0.0029748170636594296, 0.010120955295860767, 0.017705928534269333, 0.023811375722289085, 0.03081193007528782, 0.03288014233112335, 0.03363025188446045, 0.03563839942216873, 0.03689771518111229, 0.03594180569052696, 0.034901924431324005, 0.03524637594819069, 0.0328044556081295, 0.033473823219537735, 0.030747942626476288, 0.02896519936621189, 0.030154503881931305, 0.026514610275626183, 0.02811877429485321, 0.02505236305296421, 0.022920070216059685, 0.020444262772798538, 0.0158904530107975, 0.014013822190463543, 0.011037773452699184, 0.008446902967989445, 0.007911781780421734, 0.00655027711763978, 0.005223756190389395, 0.004410996101796627, 0.003732141340151429, 0.006795459892600775, 0.007853775285184383, 0.010093070566654205, 0.010800798423588276, 0.013694371096789837, 0.01445019617676735, 0.015142821706831455, 0.0172083992511034, 0.01714257150888443, 0.02117583528161049, 0.020610198378562927, 0.021388985216617584, 0.021370694041252136, 0.02084408514201641, 0.022565562278032303, 0.02168174833059311, 0.023651355877518654, 0.02241518162190914, 0.022922175005078316, 0.022968586534261703, 0.021756652742624283, 0.022590691223740578, 0.0199503805488348, 0.019434258341789246, 0.015914084389805794, 0.014539606869220734, 0.013029326684772968, 0.010385088622570038, 0.010092183016240597, 0.0075014266185462475, 0.008034070022404194, 0.006001246627420187, 0.006501839961856604, 0.005867708474397659, 0.004243772476911545, 0.005521770566701889, 0.003363377181813121, 0.0036515509709715843, 0.0020446793641895056, 0.0018152083503082395, 0.000740701099857688, -0.0018287861021235585, -0.003107100958004594, -0.005643226206302643, -0.007263632956892252, -0.00955125130712986, -0.012337137944996357, -0.013662826269865036, -0.01612233929336071, -0.01945377327501774, -0.020436257123947144, -0.024900078773498535, -0.0248077642172575, -0.029930906370282173, -0.030054109171032906, -0.03549924120306969, -0.03715866804122925, -0.03884141519665718, -0.04412916675209999, -0.04264490306377411, -0.04885559156537056, -0.04831795021891594, -0.05102987959980965, -0.05690233036875725, -0.05576137825846672, -0.06379535049200058, -0.05842171981930733, -0.06142553687095642, -0.06028055027127266, -0.05535110831260681, -0.06697676330804825, -0.05630055069923401, -0.06825994700193405, -0.06041249260306358, -0.06430744379758835, -0.06721296161413193, -0.05851871892809868, -0.07198452204465866, -0.05736275389790535, -0.06611509621143341, -0.05900183320045471, -0.05542156845331192, -0.057464662939310074, -0.0413866750895977, -0.04628409817814827, -0.03263072669506073, -0.031148532405495644, -0.02353460155427456, -0.008418592624366283, -0.007687221746891737, 0.010920478962361813, 0.012664658017456532, 0.02280970849096775, 0.028182612732052803, 0.029528416693210602, 0.04024619236588478, 0.03795943036675453, 0.04505924880504608, 0.045282792299985886, 0.04424430802464485, 0.04914150387048721, 0.04314263164997101, 0.04891667887568474, 0.04591638967394829, 0.04616641253232956, 0.049225520342588425, 0.04617660120129585, 0.051162272691726685, 0.04503084719181061, 0.04544312134385109, 0.04395435005426407, 0.039851557463407516, 0.03904078155755997, 0.030309714376926422, 0.03233326971530914, 0.025864919647574425, 0.023996656760573387, 0.022380640730261803, 0.017813457176089287, 0.018955107778310776, 0.013739773072302341, 0.0153754698112607, 0.015725383535027504, 0.015689626336097717, 0.018171479925513268, 0.017295686528086662, 0.019865497946739197, 0.02159344218671322, 0.022403035312891006, 0.02432156167924404, 0.02377062290906906, 0.025733716785907745, 0.026376042515039444, 0.025850236415863037, 0.026950664818286896, 0.02561730146408081, 0.026588566601276398, 0.0243438221514225, 0.024022012948989868, 0.024509938433766365, 0.023530926555395126, 0.02490769699215889, 0.024903763085603714, 0.025020891800522804, 0.024622127413749695, 0.026117898523807526, 0.02669616788625717, 0.025189856067299843, 0.024502357468008995, 0.022591043263673782, 0.021686360239982605, 0.01917613111436367, 0.01755824126303196, 0.01619190350174904, 0.013263886794447899, 0.012400835752487183, 0.010356352664530277, 0.008297945372760296, 0.007923218421638012, 0.006562062539160252, 0.004866783041507006, 0.004674375057220459, 0.003402874106541276, 0.0023312848061323166, 0.0022016025613993406, 0.0020897432696074247, 0.0002787687408272177, -0.0003933625703211874, -0.0007279075216501951, -0.002339153317734599, -0.002695313887670636, -0.006765846628695726, -0.006904426496475935, -0.00895668100565672, -0.009741522371768951, -0.011597901582717896, -0.012302843853831291, -0.01275605894625187, -0.01506087463349104, -0.014491829089820385, -0.016877060756087303, -0.017198646441102028, -0.017632927745580673, -0.01830867864191532, -0.019972868263721466, -0.020254161208868027, -0.020769644528627396, -0.02169981598854065, -0.023168742656707764, -0.026038911193609238, -0.02690691500902176, -0.027209008112549782, -0.0283817108720541, -0.02955799549818039, -0.029873788356781006, -0.029859744012355804, -0.029584379866719246, -0.03115488402545452, -0.03210712596774101, -0.032788895070552826, -0.03323296830058098, -0.03294461965560913, -0.03173036128282547, -0.03135721758008003, -0.03090682439506054, -0.03076360374689102, -0.029644588008522987, -0.028829090297222137, -0.0262160524725914, -0.02433456853032112, -0.02271646447479725, -0.020337047055363655, -0.017677966505289078, -0.017048459500074387, -0.01518280804157257, -0.010973566211760044, -0.009844358079135418, -0.008991717360913754, -0.005994083359837532, -0.0048258197493851185, -0.0034626645501703024, -0.0008885065908543766, 0.000189507074537687, 0.003261728212237358, 0.00571431266143918, 0.008217438124120235, 0.012096472084522247, 0.01380878034979105, 0.017248136922717094, 0.018566692247986794, 0.021388757973909378, 0.02284558117389679, 0.02381691336631775, 0.025712089613080025, 0.024983147159218788, 0.026004010811448097, 0.02492237649857998, 0.024649865925312042, 0.023632990196347237, 0.023151034489274025, 0.022317349910736084, 0.020620690658688545, 0.022069504484534264, 0.02061619609594345, 0.020038451999425888, 0.01987815648317337, 0.02018912509083748, 0.021672265604138374, 0.02133934386074543, 0.021893873810768127, 0.02233392931520939, 0.022255945950746536, 0.02200549840927124, 0.021874692291021347, 0.021476328372955322, 0.020549321547150612, 0.020961785688996315, 0.02027984708547592, 0.02001834101974964, 0.019123589619994164, 0.01786523126065731, 0.017198577523231506, 0.016702206805348396, 0.015809157863259315, 0.01547398790717125, 0.016204696148633957, 0.015191673301160336, 0.014934652484953403, 0.01226036623120308, 0.011687872931361198, 0.010836251080036163, 0.009339180774986744, 0.007916760630905628, 0.006804075092077255, 0.005877979099750519, 0.0029359543696045876, 0.0009459829889237881, -0.0010409376118332148, -0.0027990892995148897, -0.004923800937831402, -0.005164841655641794, -0.007118515204638243, -0.007255603093653917, -0.009877866134047508, -0.010395580902695656, -0.012545965611934662, -0.011752006597816944, -0.013604975305497646, -0.01486037764698267, -0.015457629226148129, -0.016131501644849777, -0.017382079735398293, -0.01890905387699604, -0.01988213136792183, -0.020238744094967842, -0.0216081365942955, -0.023328742012381554, -0.023860346525907516, -0.026701323688030243, -0.026991741731762886, -0.03004719875752926, -0.03108842857182026, -0.033277422189712524, -0.033015716820955276, -0.03400472179055214, -0.03467313572764397, -0.03576410934329033, -0.036478471010923386, -0.03748946264386177, -0.03854089230298996, -0.039302315562963486, -0.04175800457596779, -0.042291294783353806, -0.044004011899232864, -0.04471689835190773, -0.046262241899967194, -0.046167995780706406, -0.04633590579032898, -0.04670953378081322, -0.046122655272483826, -0.046267069876194, -0.04344676807522774, -0.04154752567410469, -0.03868892788887024, -0.03373739495873451, -0.02941499464213848, -0.023876260966062546, -0.019071275368332863, -0.01339179277420044, -0.007755559403449297, -0.002497363369911909, 0.003241224680095911, 0.006751836743205786, 0.010611362755298615, 0.013629310764372349, 0.017033206298947334, 0.017017843201756477, 0.01850246824324131, 0.01969306915998459, 0.021124226972460747, 0.020808177068829536, 0.02075924351811409, 0.02041761577129364, 0.021130651235580444, 0.021432021632790565, 0.02226574905216694, 0.022668907418847084, 0.0224917009472847, 0.022815244272351265, 0.022146794945001602, 0.022445842623710632, 0.022047877311706543, 0.022324208170175552, 0.021646574139595032, 0.021510262042284012, 0.021041102707386017, 0.022145524621009827, 0.021499043330550194, 0.021011333912611008, 0.021993275731801987, 0.02091165818274021, 0.020829346030950546, 0.0209400225430727, 0.021216867491602898, 0.022227661684155464, 0.021966325119137764, 0.022010477259755135, 0.023146891966462135, 0.023568149656057358, 0.02438339963555336, 0.02445971593260765, 0.025671932846307755, 0.025890929624438286, 0.027444569393992424, 0.02583661675453186, 0.02675456367433071, 0.02642683871090412, 0.024944454431533813, 0.024317439645528793, 0.02403666079044342, 0.022750642150640488, 0.02163427136838436, 0.02141917496919632, 0.01930353231728077, 0.017496278509497643, 0.01602618768811226, 0.014226369559764862, 0.014922481961548328, 0.013521499931812286, 0.014452685602009296, 0.013276545330882072, 0.012534026987850666, 0.011337004601955414, 0.010544712655246258, 0.012360434979200363, 0.010154906660318375, 0.009729181416332722, 0.0094566335901618, 0.008410890586674213, 0.006462154909968376, 0.006124281324446201, 0.006236038636416197, 0.004030654206871986, 0.0037371593061834574, 0.0023807045072317123, 0.0033160215243697166, 0.0013563926331698895, 0.0002835499763023108, 0.000903845764696598, -0.0013092819135636091, -0.0027236316818743944, -0.004968679044395685, -0.00449300417676568, -0.006776340305805206, -0.007478757295757532, -0.010635856539011002, -0.0120190205052495, -0.014210522174835205, -0.01481002476066351, -0.016301114112138748, -0.01759643480181694, -0.0174556914716959, -0.018582114949822426, -0.019122598692774773, -0.01814836822450161, -0.018482526764273643, -0.019059835001826286, -0.019151171669363976, -0.02066255547106266, -0.021517407149076462, -0.022238777950406075, -0.02455108053982258, -0.024900158867239952, -0.02575274184346199, -0.0272363368421793, -0.02909328229725361, -0.0312894769012928, -0.03242012485861778, -0.03376222401857376, -0.034490954130887985, -0.034747276455163956, -0.03407977893948555, -0.035375144332647324, -0.0362679660320282, -0.036356370896101, -0.036992453038692474, -0.03673749044537544, -0.03596877306699753, -0.03474986180663109, -0.03354956582188606, -0.03259856626391411, -0.030599618330597878, -0.027447745203971863, -0.024564696475863457, -0.02111714705824852, -0.01606195792555809, -0.013357914052903652, -0.008056125603616238, -0.005626066122204065, -0.0021641715429723263, 0.001237810356542468, 0.003425804665312171, 0.005690279416739941, 0.006986357271671295, 0.009896469302475452, 0.011023379862308502, 0.011942768469452858, 0.013540604151785374, 0.015365049242973328, 0.016972243785858154, 0.018244201317429543, 0.020641062408685684, 0.02146666869521141, 0.023164788261055946, 0.022728541865944862, 0.0235880259424448, 0.024126650765538216, 0.024133551865816116, 0.022759459912776947, 0.023034479469060898, 0.021745070815086365, 0.020798010751605034, 0.019004210829734802, 0.018459737300872803, 0.018615851178765297, 0.016910435631871223, 0.017499955371022224, 0.018583983182907104, 0.019817480817437172, 0.0194410290569067, 0.02148212492465973, 0.02204500325024128, 0.022446589544415474, 0.02418697625398636, 0.023142725229263306, 0.024614958092570305, 0.02322324365377426, 0.022798383608460426, 0.024641316384077072, 0.023375749588012695, 0.023991789668798447, 0.023739803582429886, 0.02312603034079075, 0.023488715291023254, 0.02178090251982212, 0.021846091374754906, 0.020117271691560745, 0.01946580968797207, 0.018951628357172012, 0.01771613024175167, 0.015831029042601585, 0.013862106017768383, 0.014008876867592335, 0.011207755655050278, 0.010585620999336243, 0.00912278052419424, 0.005319387651979923, 0.006546308286488056, 0.0003329687751829624, -0.001223462400957942, -0.0035304392222315073, -0.0035124903079122305, -0.0061022136360406876, -0.007380561903119087, -0.007196094840764999, -0.008607265539467335, -0.008284217678010464, -0.010313550010323524, -0.00878934096544981, -0.011524755507707596, -0.013409782201051712, -0.015056844800710678, -0.017850931733846664, -0.018301812931895256, -0.02096478082239628, -0.021634681150317192, -0.02178950048983097, -0.023224564269185066, -0.025059431791305542, -0.025320295244455338, -0.02699332870543003, -0.028410404920578003, -0.028110051527619362, -0.03169631585478783, -0.030685240402817726, -0.033448655158281326, -0.0334603451192379, -0.03619528189301491, -0.035088926553726196, -0.03447999060153961, -0.03726481273770332, -0.03829894959926605, -0.038818471133708954, -0.040475212037563324, -0.041695620864629745, -0.04139280319213867, -0.04147791862487793, -0.041150808334350586, -0.0427875742316246, -0.04246683791279793, -0.04139985144138336, -0.04097342863678932, -0.041004523634910583, -0.0402325801551342, -0.037000078707933426, -0.03481072932481766, -0.03190668672323227, -0.025696754455566406, -0.021004345268011093, -0.017739972099661827, -0.012161124497652054, -0.006979618687182665, -0.0026398778427392244, 0.003174883546307683, 0.0052352771162986755, 0.00867882464081049, 0.013437289744615555, 0.013918460346758366, 0.015331883914768696, 0.016535533592104912, 0.01832033134996891, 0.018703460693359375, 0.01953784003853798, 0.020197540521621704, 0.021730894222855568, 0.02193150855600834, 0.02348550222814083, 0.0243692584335804, 0.02630496956408024, 0.025288550183176994, 0.027114899829030037, 0.028776338323950768, 0.026866376399993896, 0.026757605373859406, 0.026441246271133423, 0.027518972754478455, 0.027151232585310936, 0.027211986482143402, 0.026807265356183052, 0.026961931958794594, 0.026194870471954346, 0.025793978944420815, 0.025283776223659515, 0.025384102016687393, 0.024738531559705734, 0.024386657401919365, 0.024717768654227257, 0.024893617257475853, 0.02522195689380169, 0.026961201801896095, 0.025928916409611702, 0.026151517406105995, 0.028439035639166832, 0.02696279063820839, 0.028842521831393242, 0.02775162272155285, 0.02800588496029377, 0.0272161066532135, 0.02625482715666294, 0.025923678651452065, 0.027645261958241463, 0.02671544998884201, 0.02660459466278553, 0.02502625435590744, 0.023700086399912834, 0.02203764021396637, 0.01991450972855091, 0.018905101343989372, 0.015302327461540699, 0.014423299580812454, 0.012103402987122536, 0.008549408055841923, 0.00706358952447772, 0.005755493883043528, 0.003219430800527334, 0.002976041752845049, 0.0010024897055700421, -0.0006385051528923213, -0.004996513482183218, -0.00660297553986311, -0.007345758844166994, -0.007227536756545305, -0.0074736555106937885, -0.010187586769461632, -0.011567645706236362, -0.012956401333212852, -0.016671469435095787, -0.018857207149267197, -0.018252912908792496, -0.01793104223906994, -0.01844087615609169, -0.01925225742161274, -0.018878623843193054, -0.020929818972945213, -0.02161892130970955, -0.023711087182164192, -0.02443799190223217, -0.02461102418601513, -0.024845043197274208, -0.024172399193048477, -0.02546663023531437, -0.02393335849046707, -0.026723068207502365, -0.02604520507156849, -0.027745045721530914, -0.027732262387871742, -0.02989465557038784, -0.03128112107515335, -0.033153142780065536, -0.03802521899342537, -0.041293125599622726, -0.04487864673137665, -0.05003265291452408, -0.04969198256731033, -0.05124468356370926, -0.05061912536621094, -0.049283940345048904, -0.04613935574889183, -0.04479706659913063, -0.040894970297813416, -0.03701791539788246, -0.035315994173288345, -0.029242800548672676, -0.027782877907156944, -0.024299629032611847, -0.022536346688866615, -0.01914091221988201, -0.014569832943379879, -0.011050841771066189, -0.0065435138531029224, -0.0034873730037361383, 0.001460336265154183, 0.005187435075640678, 0.005982984788715839, 0.010314127430319786, 0.013175605796277523, 0.01520452369004488, 0.018748337402939796, 0.020657261833548546, 0.023755718022584915, 0.026563294231891632, 0.027397142723202705, 0.029911421239376068, 0.03160776570439339, 0.031927842646837234, 0.0330565981566906, 0.034104686230421066, 0.0337708480656147, 0.033148929476737976, 0.03287743404507637, 0.03128986060619354, 0.03116138093173504, 0.02918987162411213, 0.030897660180926323, 0.030434295535087585, 0.029709747061133385, 0.029737278819084167, 0.02919231541454792, 0.030168317258358, 0.0299267265945673, 0.0287510696798563, 0.029467707499861717, 0.02846112847328186, 0.028472816571593285, 0.028663167729973793, 0.028953755274415016, 0.028464026749134064, 0.030235642567276955, 0.027919502928853035, 0.02799251861870289, 0.029421590268611908, 0.02750866860151291, 0.027796529233455658, 0.027492249384522438, 0.024921653792262077, 0.024428153410553932, 0.024977421388030052, 0.02355756238102913, 0.021207481622695923, 0.023419493809342384, 0.02097511664032936, 0.02204735577106476, 0.02077951468527317, 0.02193867228925228, 0.018855886533856392, 0.015008371323347092, 0.01795695535838604, 0.0186312235891819, 0.012734219431877136, 0.0036389511078596115, -0.0007622857228852808, -0.004797571804374456, 0.001728702220134437, 0.00027826166478917, 0.0019091693684458733, 0.00041075784247368574, -0.005094354506582022, -0.0046470025554299355, -0.010327641852200031, -0.01538710668683052, -0.017411988228559494, -0.021757030859589577, -0.028486445546150208, -0.02757149375975132, -0.025306858122348785, -0.02332967519760132, -0.02218736708164215, -0.02013852819800377, -0.018798233941197395, -0.02292337454855442, -0.022950217127799988, -0.025258200243115425, -0.030156783759593964, -0.03021288849413395, -0.03527268394827843, -0.03757312148809433, -0.03835957124829292, -0.03966788202524185, -0.03912656009197235, -0.041130054742097855, -0.04273374006152153, -0.04239240661263466, -0.04376932233572006, -0.04822498559951782, -0.04670444875955582, -0.05041654407978058, -0.05029020458459854, -0.051849376410245895, -0.052742794156074524, -0.050950683653354645, -0.049418020993471146, -0.04817727208137512, -0.04414273425936699, -0.03894645348191261, -0.033403825014829636, -0.032242242246866226, -0.028578123077750206, -0.02327810972929001, -0.01723463274538517, -0.01675969548523426, -0.009231196716427803, -0.005381965544074774, -0.0018926962511613965, 0.003939325455576181, 0.00705619715154171, 0.011905171908438206, 0.014453872106969357, 0.01990610733628273, 0.022059738636016846, 0.025260603055357933, 0.029519097879529, 0.030416585505008698, 0.033298857510089874, 0.03421761468052864, 0.035558927804231644, 0.03609032183885574, 0.03499923273921013, 0.03763892501592636, 0.03848079591989517, 0.03902576491236687, 0.04026443883776665, 0.03955390676856041, 0.040126681327819824, 0.0376141332089901, 0.037232302129268646, 0.03524114936590195, 0.03913559764623642, 0.03728727251291275, 0.03798874095082283, 0.038445401936769485, 0.036746952682733536, 0.03662780672311783, 0.03616081923246384, 0.036863092333078384, 0.03605615347623825, 0.038226764649152756, 0.03748069331049919, 0.03694656118750572, 0.036393485963344574, 0.03367828577756882, 0.035675566643476486, 0.034937817603349686, 0.03532286733388901, 0.03923076018691063, 0.03763983026146889, 0.04214072227478027, 0.03780660405755043, 0.037713196128606796, 0.03288108482956886, 0.029458506032824516, 0.025846371427178383, 0.023606039583683014, 0.02764541655778885, 0.023523196578025818, 0.021387716755270958, 0.018332943320274353, 0.014172326773405075, 0.00917475949972868, 0.0038185762241482735, 0.0027470288332551718, 0.004117695614695549, 0.007435852196067572, 0.006383148487657309, 0.004429118242114782, 0.003045695833861828, -0.0012412687065079808, -0.002829909324645996, -0.011777871288359165, -0.016267774626612663, -0.021239081397652626, -0.02593342587351799, -0.02798795886337757, -0.028956590220332146, -0.028072549030184746, -0.034090034663677216, -0.03440826013684273, -0.03766411542892456, -0.03944581001996994, -0.04132675379514694, -0.04516021907329559, -0.045146964490413666, -0.05055566504597664, -0.05236706882715225, -0.051642097532749176, -0.05753983557224274, -0.06334025412797928, -0.06498681008815765, -0.062158212065696716, -0.06576567888259888, -0.0743422582745552, -0.07407192140817642, -0.07608020305633545, -0.08138782531023026, -0.08054888993501663, -0.07658903300762177, -0.0725349634885788, -0.0677042156457901, -0.06345247477293015, -0.05808349326252937, -0.05226105451583862, -0.04645936191082001, -0.03752858564257622, -0.03089580498635769, -0.024236120283603668, -0.014450273476541042, -0.008586673997342587, -0.0010646198643371463, 0.0056976680643856525, 0.011423192918300629, 0.0185475442558527, 0.023824311792850494, 0.03156707063317299, 0.03436099365353584, 0.04013419523835182, 0.040819574147462845, 0.042174845933914185, 0.04307129979133606, 0.04215841367840767, 0.04034510627388954, 0.04014194384217262, 0.04129616916179657, 0.043019331991672516, 0.046757057309150696, 0.0504426509141922, 0.05022444948554039, 0.05048614367842674, 0.045988377183675766, 0.038156505674123764, 0.031218500807881355, 0.024678092449903488, 0.01871420256793499, 0.01393294520676136, 0.013568359427154064, 0.0140320910140872, 0.01857738010585308, 0.022280430421233177, 0.027683259919285774, 0.03187475726008415, 0.030750228092074394, 0.031854335218667984, 0.030740506947040558, 0.03196652606129646, 0.03297736123204231, 0.03490159660577774, 0.03893331065773964, 0.04067614674568176, 0.04335244745016098, 0.04083959013223648, 0.041604090481996536, 0.04269299656152725, 0.04858741909265518, 0.050257597118616104, 0.04795246198773384, 0.04390989989042282, 0.03575602173805237, 0.03287443891167641, 0.032666224986314774, 0.029834138229489326, 0.026142355054616928, 0.020962264388799667, 0.015149987302720547, 0.009963979944586754, 0.007363894954323769, 0.004578688647598028, 0.006535200402140617, 0.0006990329129621387, -0.004579935688525438, -0.006226964294910431, -0.012352362275123596, -0.013482160866260529, -0.024725036695599556, -0.02650318667292595, -0.03181629255414009, -0.032276466488838196, -0.03739688917994499, -0.03554559499025345, -0.03633797541260719, -0.041603486984968185, -0.0377865694463253, -0.04178338497877121, -0.04293185472488403, -0.04372123256325722, -0.049321748316287994, -0.05407632514834404, -0.056199073791503906, -0.06608258932828903, -0.07113780081272125, -0.07573448866605759, -0.08197551965713501, -0.08143770694732666, -0.08246918767690659, -0.08323147892951965, -0.08231399208307266, -0.0844683051109314, -0.08577729016542435, -0.08853309601545334, -0.09130112081766129, -0.08784084767103195, -0.08928246051073074, -0.0879872515797615, -0.08264858275651932, -0.07914909720420837, -0.06976935267448425, -0.056841958314180374, -0.045893050730228424, -0.031500205397605896, -0.01762101799249649, -0.003319178009405732, 0.007828881032764912, 0.018701503053307533, 0.027984684333205223, 0.03681059181690216, 0.04287317767739296, 0.04641692340373993, 0.051459453999996185, 0.05239173397421837, 0.053360600024461746, 0.05277262628078461, 0.05401485413312912, 0.05562714859843254, 0.0561424195766449, 0.058521807193756104, 0.06043124571442604, 0.06185908615589142, 0.060680340975522995, 0.058714840561151505, 0.05659407749772072, 0.04988162964582443, 0.04358615353703499, 0.03340082988142967, 0.025377053767442703, 0.01491492334753275, 0.008274122141301632, 0.0008306121453642845, -0.0006210228311829269, -5.624243931379169e-05, 0.004141585901379585, 0.010952348820865154, 0.018534749746322632, 0.026341762393712997, 0.032119277864694595, 0.03839385136961937, 0.04314148426055908, 0.043091725558042526, 0.04523863643407822, 0.04331709071993828, 0.044131770730018616, 0.04143814742565155, 0.04233615845441818, 0.04311445355415344, 0.045651983469724655, 0.046440646052360535, 0.05113448202610016, 0.05370962992310524, 0.05739292502403259, 0.06069514527916908, 0.060622598975896835, 0.05866183713078499, 0.05438264086842537, 0.04644624888896942, 0.04018116369843483, 0.030083894729614258, 0.019412536174058914, 0.013342323713004589, -0.0017882605316117406, -0.010573338717222214, -0.018669435754418373, -0.021473564207553864, -0.02691246010363102, -0.02689574845135212, -0.03219546750187874, -0.034717801958322525, -0.03704575449228287, -0.0437108539044857, -0.04463623836636543, -0.05090749263763428, -0.05385887250304222, -0.06088073179125786, -0.06388703733682632, -0.06659819185733795, -0.06868728995323181, -0.07429557293653488, -0.07320542633533478, -0.07580537348985672, -0.08500393480062485, -0.08641723543405533, -0.08961255848407745, -0.0915578082203865, -0.08981005847454071, -0.0865730345249176, -0.08405692130327225, -0.08708108216524124, -0.08855574578046799, -0.09492190927267075, -0.09952537715435028, -0.10788935422897339, -0.11246290057897568, -0.11083543300628662, -0.10941421985626221, -0.104819655418396, -0.09429624676704407, -0.07532595843076706, -0.059819046407938004, -0.041841283440589905, -0.021977227181196213, -0.0022682405542582273, 0.01243743859231472, 0.02446894533932209, 0.03574070706963539, 0.043570052832365036, 0.046923477202653885, 0.05117840692400932, 0.053353842347860336, 0.05501742288470268, 0.06166701391339302, 0.06400629878044128, 0.06915929168462753, 0.07401818782091141, 0.07757868617773056, 0.0845831036567688, 0.0821462944149971, 0.08606954663991928, 0.08395812660455704, 0.0785575807094574, 0.07298755645751953, 0.060272376984357834, 0.0546426847577095, 0.03966975957155228, 0.029021838679909706, 0.017540406435728073, 0.00938663724809885, 0.003294020891189575, -0.0028952795546501875, 0.001771703828126192, 0.0029088982846587896, 0.008932553231716156, 0.01474219560623169, 0.02159237302839756, 0.027665121480822563, 0.03370930626988411, 0.040505848824977875, 0.04151264950633049, 0.04414034262299538, 0.042539920657873154, 0.04432086646556854, 0.043765876442193985, 0.04295956343412399, 0.04577713832259178, 0.04953716695308685, 0.055109892040491104, 0.06013253331184387, 0.06797900050878525, 0.07363147288560867, 0.07892685383558273, 0.08194263279438019, 0.07859671115875244, 0.07559949904680252, 0.06349439173936844, 0.0507945641875267, 0.03855263814330101, 0.021978111937642097, 0.00907199364155531, -0.0031394355464726686, -0.011797835119068623, -0.019998254254460335, -0.022140104323625565, -0.028441868722438812, -0.029929054901003838, -0.03390999510884285, -0.04041749984025955, -0.044296666979789734, -0.05598542466759682, -0.06389418989419937, -0.07725297659635544, -0.08804487437009811, -0.09876332432031631, -0.10877037048339844, -0.10751784592866898, -0.11093885451555252, -0.1064317375421524, -0.10202129185199738, -0.09612856060266495, -0.09310683608055115, -0.09205372631549835, -0.08640463650226593, -0.09273701161146164, -0.09228863567113876, -0.09799156337976456, -0.10635221004486084, -0.11122739315032959, -0.1167374923825264, -0.11761445552110672, -0.11879263073205948, -0.11157277226448059, -0.09983817487955093, -0.08149409294128418, -0.06106076017022133, -0.0362728126347065, -0.011907852254807949, 0.008140589110553265, 0.02455083467066288, 0.035613659769296646, 0.04566868394613266, 0.048633165657520294, 0.05252950266003609, 0.05357162654399872, 0.05238766223192215, 0.057080160826444626, 0.06020510196685791, 0.06982267647981644, 0.08060025423765182, 0.09292425960302353, 0.10609541088342667, 0.11536575108766556, 0.11812517046928406, 0.11416563391685486, 0.10640889406204224, 0.09160970151424408, 0.07524918764829636, 0.059471290558576584, 0.0389118492603302, 0.026048636063933372, 0.013504665344953537, 0.0046797385439276695, 0.008636937476694584, 0.00913747027516365, 0.01940249465405941, 0.025552324950695038, 0.03263657167553902, 0.03570477291941643, 0.030840987339615822, 0.03121163882315159, 0.020640913397073746, 0.01899014227092266, 0.012212962843477726, 0.007687014993280172, 0.009660349227488041, 0.008875393308699131, 0.0229745265096426, 0.030894899740815163, 0.04837725684046745, 0.06662525981664658, 0.07943065464496613, 0.09549500048160553, 0.09680422395467758, 0.10407458990812302, 0.09711242467164993, 0.0906134843826294, 0.08217638731002808, 0.06776905804872513, 0.062276095151901245, 0.045491091907024384, 0.04486100748181343, 0.04097834974527359, 0.03900117427110672, 0.044444501399993896, 0.03965026140213013, 0.042804911732673645, 0.03147740289568901, 0.02245214208960533, 0.005864887498319149, -0.014803239144384861, -0.03567764163017273, -0.0612308569252491, -0.07798582315444946, -0.09953232109546661, -0.10521696507930756, -0.11125948280096054, -0.10997564345598221, -0.10577356070280075, -0.10178938508033752, -0.09321920573711395, -0.09643272310495377, -0.09448977559804916, -0.10457108914852142, -0.10911746323108673, -0.12330488115549088, -0.13212978839874268, -0.13748988509178162, -0.15202383697032928, -0.1436694711446762, -0.15166054666042328, -0.13985440135002136, -0.1292801946401596, -0.11835970729589462, -0.09570778906345367, -0.0883532240986824, -0.06300980597734451, -0.05266134440898895, -0.0406716950237751, -0.02898760698735714, -0.025373267009854317, -0.00933813862502575, -0.003404974937438965, 0.012792816385626793, 0.028988825157284737, 0.04753633961081505, 0.06909734755754471, 0.0864221379160881, 0.10325085371732712, 0.11720911413431168, 0.1273777186870575, 0.12512077391147614, 0.12326809018850327, 0.11594846844673157, 0.1058105006814003, 0.09691499173641205, 0.08901922404766083, 0.08545269817113876, 0.07715515792369843, 0.07635007053613663, 0.06764335930347443, 0.06397736817598343, 0.05624793842434883, 0.04901617765426636, 0.04378046095371246, 0.027713673189282417, 0.026918970048427582, 0.011974746361374855, 0.004781845025718212, 0.002719544107094407, -0.0046996972523629665, 0.00206208904273808, -0.0035929407458752394, 0.0045753656886518, 0.006202584132552147, 0.012953195720911026, 0.017407270148396492, 0.017896829172968864, 0.027959899976849556, 0.02518467791378498, 0.03678586333990097, 0.03869824483990669, 0.04720444232225418, 0.05681513249874115, 0.06324934959411621, 0.0683450922369957, 0.07481026649475098, 0.08379164338111877, 0.07865502685308456, 0.0848015621304512, 0.0764509066939354, 0.0705745741724968, 0.06334216147661209, 0.05662913993000984, 0.05250868201255798, 0.04141302406787872, 0.04753578081727028, 0.03233378753066063, 0.033575527369976044, 0.017161408439278603, 0.004947591107338667, -0.0028867763467133045, -0.03278400003910065, -0.04058818146586418, -0.0653475821018219, -0.07296577841043472, -0.08617609739303589, -0.0989171490073204, -0.0975002646446228, -0.11154633015394211, -0.10797080397605896, -0.11911433935165405, -0.12206471711397171, -0.1279062032699585, -0.14309795200824738, -0.1497192531824112, -0.166354700922966, -0.17475859820842743, -0.183486670255661, -0.1824292689561844, -0.17445674538612366, -0.16683894395828247, -0.14699481427669525, -0.1350259929895401, -0.11935419589281082, -0.10381277650594711, -0.09436043351888657, -0.06927202641963959, -0.06016310676932335, -0.0432562530040741, -0.023946192115545273, -0.01058192178606987, 0.011968906037509441, 0.02615600824356079, 0.05518537759780884, 0.07411202043294907, 0.09857312589883804, 0.11803027987480164, 0.1253238469362259, 0.141427144408226, 0.13513065874576569, 0.14511524140834808, 0.13886906206607819, 0.13802677392959595, 0.13726477324962616, 0.12889160215854645, 0.12803839147090912, 0.10623100399971008, 0.10512992739677429, 0.09174304455518723, 0.07810518890619278, 0.0731651559472084, 0.05753856524825096, 0.05622749403119087, 0.03274686262011528, 0.028390422463417053, 0.016578534618020058, 0.007026204373687506, 0.005638137459754944, -0.0034895220305770636, 0.00224231812171638, -0.00565706379711628, -0.0019581622909754515, -0.00181074149440974, -0.0033386782743036747, 0.007299382705241442, 0.0068303439766168594, 0.017867418006062508, 0.01882776990532875, 0.02531842142343521, 0.03171037510037422, 0.034461889415979385, 0.041787829250097275, 0.04613631218671799, 0.05543646216392517, 0.06145196035504341, 0.06532435864210129, 0.06926527619361877, 0.06965722888708115, 0.06714319437742233, 0.06385450810194016, 0.05931796133518219, 0.05545370653271675, 0.04681221768260002, 0.04006754234433174, 0.03418523445725441, 0.025734595954418182, 0.01881374977529049, 0.004862604662775993, -0.003261784790083766, -0.020180504769086838, -0.0369802825152874, -0.04734422639012337, -0.06696812808513641, -0.0787271037697792, -0.09281450510025024, -0.10110695660114288, -0.11219463497400284, -0.12008235603570938, -0.12020057439804077, -0.12737666070461273, -0.13053305447101593, -0.1392510086297989, -0.1470448076725006, -0.15182819962501526, -0.1637793779373169, -0.16900524497032166, -0.16733452677726746, -0.17394250631332397, -0.1697724461555481, -0.16450345516204834, -0.15230238437652588, -0.13524994254112244, -0.12106374651193619, -0.09112904965877533, -0.0701884776353836, -0.04597305878996849, -0.025866014882922173, -0.004513090942054987, 0.0134507417678833, 0.0220892746001482, 0.047943148761987686, 0.06098772957921028, 0.08169730752706528, 0.10441698133945465, 0.12349000573158264, 0.14096470177173615, 0.14776292443275452, 0.16157707571983337, 0.16220155358314514, 0.16173245012760162, 0.1553451418876648, 0.14534105360507965, 0.13592322170734406, 0.11507198214530945, 0.10682486742734909, 0.09590619802474976, 0.08984927088022232, 0.07989497482776642, 0.0714116096496582, 0.06688997894525528, 0.05208908021450043, 0.04368482530117035, 0.035826604813337326, 0.027088558301329613, 0.018050752580165863, 0.010873176157474518, 0.008589503355324268, 0.0007646802114322782, 0.0025647059082984924, 0.005250933580100536, 0.008492317982017994, 0.009814541786909103, 0.01450920756906271, 0.02056860737502575, 0.024339323863387108, 0.026552628725767136, 0.02935994416475296, 0.03423425182700157, 0.033441197127103806, 0.03405751660466194, 0.04051782563328743, 0.039605751633644104, 0.04576128348708153, 0.05063717067241669, 0.0570971816778183, 0.06134632229804993, 0.06360087543725967, 0.06117846071720123, 0.05456661060452461, 0.04431122913956642, 0.031212493777275085, 0.020837798714637756, 0.010263875126838684, 0.0004695213574450463, -0.005682175979018211, -0.01357177272439003, -0.025545278564095497, -0.037459757179021835, -0.053238555788993835, -0.06654423475265503, -0.07954934239387512, -0.09855878353118896, -0.1063028946518898, -0.11851447820663452, -0.12757501006126404, -0.13182953000068665, -0.13869675993919373, -0.14248447120189667, -0.1480562835931778, -0.15309083461761475, -0.1588710993528366, -0.1639413833618164, -0.16878797113895416, -0.1737568974494934, -0.17163299024105072, -0.1606253981590271, -0.15043897926807404, -0.13058239221572876, -0.10916635394096375, -0.08456825464963913, -0.0657920390367508, -0.04626074433326721, -0.022571785375475883, -0.009898185729980469, 0.011218547821044922, 0.029201149940490723, 0.04839710518717766, 0.06567522138357162, 0.08735723048448563, 0.10913214832544327, 0.11957835406064987, 0.14160023629665375, 0.15065188705921173, 0.15856924653053284, 0.1546560525894165, 0.15157704055309296, 0.14513187110424042, 0.13248984515666962, 0.127294659614563, 0.11397320032119751, 0.11222503334283829, 0.10003861039876938, 0.09069134294986725, 0.08299907296895981, 0.06524483859539032, 0.057490937411785126, 0.03931840881705284, 0.03228090703487396, 0.018694167956709862, 0.011873333714902401, 0.014947645366191864, 0.005653040949255228, 0.010823136195540428, 0.015263968147337437, 0.020179010927677155, 0.01875964365899563, 0.013161251321434975, 0.01953776180744171, 0.014842811971902847, 0.012032445520162582, 0.01846354827284813, 0.020035088062286377, 0.02939818985760212, 0.029451923444867134, 0.03829527273774147, 0.045489195734262466, 0.045436371117830276, 0.05332339555025101, 0.049885667860507965, 0.05224166065454483, 0.040878571569919586, 0.03399457037448883, 0.031525492668151855, 0.019182784482836723, 0.023817971348762512, 0.019956806674599648, 0.01510643120855093, 0.006559618283063173, -0.0059618898667395115, -0.016458773985505104, -0.03531360998749733, -0.04647631570696831, -0.0674813911318779, -0.07607895880937576, -0.08950359374284744, -0.10391827672719955, -0.10599306970834732, -0.11471855640411377, -0.1208290234208107, -0.1357990950345993, -0.142725870013237, -0.1552814096212387, -0.16604653000831604, -0.1721016764640808, -0.17959943413734436, -0.1750594973564148, -0.18197940289974213, -0.1807035207748413, -0.1697160303592682, -0.16433671116828918, -0.14866550266742706, -0.134429931640625, -0.10846707224845886, -0.09794297814369202, -0.07862650603055954, -0.058575842529535294, -0.04232480004429817, -0.024924229830503464, -0.0025804524775594473, 0.026106327772140503, 0.04232555627822876, 0.06382691115140915, 0.08785507827997208, 0.10008379071950912, 0.11292336136102676, 0.11941724270582199, 0.1333651840686798, 0.13207004964351654, 0.13194067776203156, 0.13506092131137848, 0.12912754714488983, 0.1256033033132553, 0.1175893247127533, 0.11825237423181534, 0.10790660232305527, 0.09856265783309937, 0.09102760255336761, 0.07555487751960754, 0.0623289979994297, 0.046235885471105576, 0.03362226113677025, 0.028384409844875336, 0.02144620381295681, 0.023737570270895958, 0.026158832013607025, 0.026221774518489838, 0.022302702069282532, 0.018545951694250107, 0.008738148957490921, 0.0058301882818341255, 0.0009426236501894891, 0.003748368239030242, 0.010473079979419708, 0.015652252361178398, 0.019031668081879616, 0.026082172989845276, 0.03229133412241936, 0.0349637009203434, 0.03607289120554924, 0.041736312210559845, 0.036783069372177124, 0.03320861607789993, 0.02930077724158764, 0.028192048892378807, 0.029257357120513916, 0.030090318992733955, 0.029839279130101204, 0.02655423805117607, 0.016454825177788734, 0.003712581703439355, -0.010913880541920662, -0.025349589064717293, -0.04188831150531769, -0.04979313910007477, -0.06332866102457047, -0.07427801936864853, -0.08511237055063248, -0.09306178987026215, -0.09906468540430069, -0.11095008254051208, -0.1200137808918953, -0.1352289319038391, -0.14594273269176483, -0.16242215037345886, -0.17382144927978516, -0.1769317388534546, -0.17912091314792633, -0.1758696734905243, -0.1692550778388977, -0.17769914865493774, -0.15826790034770966, -0.1573888659477234, -0.14506763219833374, -0.12665824592113495, -0.11671304702758789, -0.07189971953630447, -0.07844548672437668, -0.048862941563129425, -0.024034975096583366, -0.025764448568224907, 0.009671542793512344, 0.018531592562794685, 0.05902625992894173, 0.0569843053817749, 0.09585027396678925, 0.10736887156963348, 0.09054556488990784, 0.12992164492607117, 0.10389529168605804, 0.12606294453144073, 0.1201511099934578, 0.11718231439590454, 0.1342829316854477, 0.11496491730213165, 0.12015131115913391, 0.09983377158641815, 0.10890323668718338, 0.09018359333276749, 0.07388624548912048, 0.08461697399616241, 0.04946111887693405, 0.056019920855760574, 0.03717423602938652, 0.035806942731142044, 0.03354686498641968, 0.03145240247249603, 0.04447599872946739, 0.028626728802919388, 0.040046412497758865, 0.021755371242761612, 0.01814051903784275, 0.014881220646202564, 0.00313853332772851, 0.022970441728830338, 0.020264282822608948, 0.03595846891403198, 0.03172973543405533, 0.03881087899208069, 0.03623012825846672, 0.03064759634435177, 0.037819989025592804, 0.031581100076436996, 0.04144217446446419, 0.028457418084144592, 0.030546369031071663, 0.026622530072927475, 0.02001916617155075, 0.026283107697963715, 0.01737559773027897, 0.02630804292857647, 0.00873521063476801, 0.0023652585223317146, -0.01762743480503559, -0.038792241364717484, -0.04629330709576607, -0.06338208168745041, -0.05856386944651604, -0.07339895516633987, -0.0838591456413269, -0.08493192493915558, -0.10765360295772552, -0.11212694644927979, -0.13006968796253204, -0.13082192838191986, -0.14574669301509857, -0.15113414824008942, -0.15283997356891632, -0.16316786408424377, -0.1575433611869812, -0.16546306014060974, -0.16093118488788605, -0.15501604974269867, -0.14875465631484985, -0.13857214152812958, -0.12365671247243881, -0.10151065140962601, -0.0890721008181572, -0.05434334650635719, -0.04823341965675354, -0.024958396330475807, -0.010628623887896538, 0.006445465609431267, 0.030491648241877556, 0.040727246552705765, 0.06712790578603745, 0.07606742531061172, 0.09491237998008728, 0.10161557793617249, 0.10633379220962524, 0.12289777398109436, 0.112834133207798, 0.12235348671674728, 0.11512735486030579, 0.117250956594944, 0.11689288914203644, 0.11293501406908035, 0.11572421342134476, 0.10318516939878464, 0.10284604132175446, 0.08839456737041473, 0.07063302397727966, 0.06062362715601921, 0.04530082643032074, 0.04386165738105774, 0.03643595799803734, 0.04261296987533569, 0.046467315405607224, 0.04755370691418648, 0.04865790158510208, 0.03899306431412697, 0.03694482520222664, 0.023047175258398056, 0.01602838933467865, 0.017811764031648636, 0.019810006022453308, 0.030891232192516327, 0.03754476457834244, 0.04496890679001808, 0.041253894567489624, 0.04097422584891319, 0.035004351288080215, 0.0288125891238451, 0.02932106889784336, 0.02985355816781521, 0.028560012578964233, 0.034589286893606186, 0.03198039531707764, 0.029919901862740517, 0.02809363417327404, 0.023279648274183273, 0.006833737250417471, 0.004034443758428097, -0.01583644561469555, -0.02722686156630516, -0.04082779213786125, -0.04913615435361862, -0.06059869006276131, -0.06491580605506897, -0.07658310979604721, -0.08381881564855576, -0.09374452382326126, -0.10804654657840729, -0.12603653967380524, -0.137308731675148, -0.15473026037216187, -0.15743063390254974, -0.16577434539794922, -0.1638106405735016, -0.15736466646194458, -0.1562100499868393, -0.16131161153316498, -0.1538883000612259, -0.15629325807094574, -0.14921678602695465, -0.12870843708515167, -0.11057308316230774, -0.08353006094694138, -0.060340989381074905, -0.03984260559082031, -0.023736001923680305, -0.010970636270940304, -0.0011981726856902242, 0.019610527902841568, 0.041043054312467575, 0.05539180338382721, 0.08103634417057037, 0.09802529960870743, 0.10275007039308548, 0.10733792185783386, 0.10835570842027664, 0.10975966602563858, 0.10424509644508362, 0.10609249770641327, 0.11373158544301987, 0.11287707090377808, 0.1084241271018982, 0.10697391629219055, 0.0965564101934433, 0.0867592841386795, 0.07626982778310776, 0.07146479934453964, 0.062200531363487244, 0.05494854226708412, 0.04368339478969574, 0.039981890469789505, 0.03860843554139137, 0.03147916868329048, 0.04112517833709717, 0.04250157251954079, 0.03851925954222679, 0.03865031525492668, 0.026541294530034065, 0.01952708326280117, 0.01338413916528225, 0.017794230952858925, 0.025928638875484467, 0.03596767038106918, 0.04754936695098877, 0.04467032477259636, 0.0427861250936985, 0.032564256340265274, 0.023643264546990395, 0.02506154030561447, 0.027980871498584747, 0.03644236549735069, 0.03976576030254364, 0.04100588709115982, 0.03236975148320198, 0.021749112755060196, 0.01423285249620676, -0.002072832314297557, -0.004950661212205887, -0.01317182369530201, -0.021168850362300873, -0.027706662192940712, -0.04391688108444214, -0.05796926096081734, -0.07238715142011642, -0.08919531106948853, -0.09616515785455704, -0.10534410178661346, -0.11041561514139175, -0.11939335614442825, -0.13520842790603638, -0.14251922070980072, -0.1568206548690796, -0.1599017232656479, -0.16211432218551636, -0.15475182235240936, -0.1514393538236618, -0.15068043768405914, -0.13971474766731262, -0.14216087758541107, -0.12825585901737213, -0.11297620087862015, -0.09007595479488373, -0.05696332827210426, -0.041922152042388916, -0.019680650904774666, -0.009913267567753792, -0.0027329225558787584, 0.009093666449189186, 0.027321334928274155, 0.051188696175813675, 0.0722816064953804, 0.09277170896530151, 0.1031402051448822, 0.10484525561332703, 0.10491064935922623, 0.10289455950260162, 0.10178778320550919, 0.10909616947174072, 0.11457071453332901, 0.12086587399244308, 0.12014763802289963, 0.10530061274766922, 0.09507913142442703, 0.08230642974376678, 0.07401075214147568, 0.0713283121585846, 0.0731300562620163, 0.07436708360910416, 0.07010233402252197, 0.061211708933115005, 0.04877026751637459, 0.043861810117959976, 0.04243892431259155, 0.04553689435124397, 0.05347345024347305, 0.05233493819832802, 0.05554398521780968, 0.04329995438456535, 0.035812512040138245, 0.03086264245212078, 0.03188880905508995, 0.03978147730231285, 0.05160560831427574, 0.05731898173689842, 0.05603891983628273, 0.05501164123415947, 0.0414559505879879, 0.03195557743310928, 0.031029997393488884, 0.03339807316660881, 0.04269290715456009, 0.04048321023583412, 0.04628494754433632, 0.03459978476166725, 0.019833827391266823, 0.009338010102510452, -0.0053689321503043175, -0.012755211442708969, -0.01570073328912258, -0.019959714263677597, -0.03173862397670746, -0.044948384165763855, -0.061487793922424316, -0.08071965724229813, -0.08820712566375732, -0.09827734529972076, -0.09941887110471725, -0.10503629595041275, -0.12110486626625061, -0.1341196894645691, -0.1513923853635788, -0.15987755358219147, -0.16015367209911346, -0.15319950878620148, -0.14389057457447052, -0.13643105328083038, -0.1336633712053299, -0.13366059958934784, -0.12913140654563904, -0.11926581710577011, -0.09804290533065796, -0.06544122099876404, -0.04304161295294762, -0.017764320597052574, -0.00535620329901576, 0.002893953351303935, 0.007795127108693123, 0.0211970005184412, 0.04008041322231293, 0.06461195647716522, 0.09096063673496246, 0.10694751888513565, 0.11465782672166824, 0.11256974190473557, 0.09914796054363251, 0.09830513596534729, 0.09356699883937836, 0.09977993369102478, 0.11236301064491272, 0.12209845334291458, 0.11854097992181778, 0.10856231302022934, 0.09668025374412537, 0.07577694952487946, 0.06505962461233139, 0.0625034049153328, 0.06542151421308517, 0.06887791305780411, 0.06784440577030182, 0.06375488638877869, 0.056437212973833084, 0.05018210411071777, 0.0465196892619133, 0.04998959228396416, 0.05007559433579445, 0.05350954085588455, 0.049446314573287964, 0.04512801766395569, 0.04245951026678085, 0.04021478444337845, 0.042014434933662415, 0.05208475887775421, 0.05826421082019806, 0.0558716356754303, 0.05513019859790802, 0.05192912742495537, 0.0344669483602047, 0.03240587189793587, 0.028342803940176964, 0.030939146876335144, 0.03548687696456909, 0.03941526263952255, 0.03478390350937843, 0.026054834946990013, 0.007164700422435999, -0.007433770690113306, -0.018760431557893753, -0.028760867193341255, -0.03633872792124748, -0.032366592437028885, -0.04836858808994293, -0.06038447842001915, -0.07679800689220428, -0.09766829758882523, -0.10775412619113922, -0.11913637071847916, -0.12008559703826904, -0.12913593649864197, -0.1368761509656906, -0.15097542107105255, -0.16432644426822662, -0.16466911137104034, -0.16875486075878143, -0.1576555073261261, -0.15523602068424225, -0.15060390532016754, -0.1430981606245041, -0.13884113729000092, -0.12521567940711975, -0.11250562220811844, -0.0793534591794014, -0.06069093942642212, -0.04179538041353226, -0.023149095475673676, -0.015490126796066761, -0.0046462914906442165, 0.009214432910084724, 0.02447654865682125, 0.04809098318219185, 0.07034751027822495, 0.08505668491125107, 0.09584209322929382, 0.09946803003549576, 0.093548484146595, 0.09320805221796036, 0.09016012400388718, 0.08706077933311462, 0.09111101180315018, 0.10166735202074051, 0.10193255543708801, 0.09922565519809723, 0.09119323641061783, 0.08013030141592026, 0.06467392295598984, 0.05212416127324104, 0.051190391182899475, 0.05358274653553963, 0.05306711420416832, 0.05432629585266113, 0.05411451309919357, 0.05111292004585266, 0.04860857501626015, 0.04516580328345299, 0.046864334493875504, 0.04642748087644577, 0.04139876738190651, 0.040759775787591934, 0.037889908999204636, 0.03446211293339729, 0.04042216017842293, 0.048981279134750366, 0.05339442566037178, 0.0526316836476326, 0.05372365191578865, 0.04488389939069748, 0.03834531083703041, 0.03575478494167328, 0.0337166003882885, 0.03711577132344246, 0.03350122645497322, 0.02970515750348568, 0.02824072539806366, 0.017088357359170914, 0.005632056389003992, -0.0071918354369699955, -0.018632706254720688, -0.03121456317603588, -0.04252110421657562, -0.05125611275434494, -0.06163213029503822, -0.07005330175161362, -0.08194144070148468, -0.09489801526069641, -0.10417431592941284, -0.12227975577116013, -0.13249103724956512, -0.1388082355260849, -0.15150059759616852, -0.1558213084936142, -0.1657385528087616, -0.16946546733379364, -0.17315629124641418, -0.16818398237228394, -0.1603868305683136, -0.1548219472169876, -0.1502607762813568, -0.1505434513092041, -0.13346435129642487, -0.12232279032468796, -0.10601145774126053, -0.07278640568256378, -0.05314047262072563, -0.03237272426486015, -0.01870264671742916, -0.006899305619299412, -0.00030619592871516943, 0.012690600007772446, 0.02937958389520645, 0.05096887797117233, 0.07305838912725449, 0.08821512758731842, 0.09806235879659653, 0.09864699840545654, 0.09137675166130066, 0.08823879808187485, 0.08472898602485657, 0.083286352455616, 0.09063036739826202, 0.09387114644050598, 0.0965668335556984, 0.09381435066461563, 0.0824466273188591, 0.07422545552253723, 0.058403581380844116, 0.05099785327911377, 0.04801405221223831, 0.04801664873957634, 0.0511711984872818, 0.05026422441005707, 0.05376345291733742, 0.050202127546072006, 0.05367284268140793, 0.054723579436540604, 0.054377131164073944, 0.058404237031936646, 0.051736921072006226, 0.05292835831642151, 0.05069006606936455, 0.05045369639992714, 0.051018126308918, 0.05944816768169403, 0.06918462365865707, 0.06586077809333801, 0.06732519716024399, 0.06518413871526718, 0.05333365872502327, 0.04376200586557388, 0.03798353672027588, 0.03972337767481804, 0.03320002183318138, 0.031196651980280876, 0.030318768694996834, 0.024140601977705956, 0.006600959226489067, -0.002243778435513377, -0.01463298499584198, -0.03096625953912735, -0.040633197873830795, -0.05170780420303345, -0.05806724727153778, -0.07187020778656006, -0.0866026058793068, -0.09741277247667313, -0.10908642411231995, -0.12202396243810654, -0.12932172417640686, -0.12732839584350586, -0.13861192762851715, -0.14149720966815948, -0.1514742523431778, -0.164250448346138, -0.16847550868988037, -0.17912408709526062, -0.16501767933368683, -0.15948323905467987, -0.14431343972682953, -0.13054701685905457, -0.12512542307376862, -0.10999128222465515, -0.09915881603956223, -0.08016892522573471, -0.0626659169793129, -0.031025568023324013, -0.008647621609270573, 0.006463473662734032, 0.025572773069143295, 0.03186867758631706, 0.04421574994921684, 0.05290283262729645, 0.06458649784326553, 0.08609271794557571, 0.09489977359771729, 0.10761713236570358, 0.11258414387702942, 0.10435174405574799, 0.09862570464611053, 0.08701514452695847, 0.08369502425193787, 0.0783444344997406, 0.07522889226675034, 0.08283954113721848, 0.0783248096704483, 0.07558827847242355, 0.0669555515050888, 0.057649314403533936, 0.051804374903440475, 0.044864755123853683, 0.04674774035811424, 0.04261210933327675, 0.05385604500770569, 0.05223768949508667, 0.057466957718133926, 0.0660090371966362, 0.06453884392976761, 0.07190421968698502, 0.07147416472434998, 0.07310964912176132, 0.07170335203409195, 0.06824851781129837, 0.06654443591833115, 0.06568705290555954, 0.06726517528295517, 0.07069586962461472, 0.0764564648270607, 0.07524525374174118, 0.07169731706380844, 0.061706457287073135, 0.04783722385764122, 0.03950001671910286, 0.030292915180325508, 0.029282474890351295, 0.02696876972913742, 0.02397013083100319, 0.016977880150079727, 0.002941456623375416, -0.014924455434083939, -0.03416002169251442, -0.044984955340623856, -0.058952752500772476, -0.06567791849374771, -0.06962274760007858, -0.07854581624269485, -0.08610451966524124, -0.09732729941606522, -0.10833737999200821, -0.12301289290189743, -0.12820233404636383, -0.13815341889858246, -0.14467133581638336, -0.14484581351280212, -0.1527194380760193, -0.15344619750976562, -0.15925084054470062, -0.16586849093437195, -0.16623613238334656, -0.15943598747253418, -0.1541096419095993, -0.14222797751426697, -0.12599776685237885, -0.11842647194862366, -0.10116401314735413, -0.07907067239284515, -0.0568205900490284, -0.029838496819138527, -0.005031775217503309, 0.019573604688048363, 0.03517967462539673, 0.03865505009889603, 0.04953170195221901, 0.055960770696401596, 0.06744704395532608, 0.08085055649280548, 0.09732358902692795, 0.10961499065160751, 0.11302083730697632, 0.11024963110685349, 0.10074175894260406, 0.08798839896917343, 0.07638426870107651, 0.06760762631893158, 0.0642843022942543, 0.057612139731645584, 0.05388324707746506, 0.05050944909453392, 0.040165435522794724, 0.035377830266952515, 0.025515418499708176, 0.02325083129107952, 0.025166146457195282, 0.02831471525132656, 0.03574380278587341, 0.04151246324181557, 0.050739288330078125, 0.05213101953268051, 0.05969652533531189, 0.07023569196462631, 0.07789457589387894, 0.08422376215457916, 0.08896441757678986, 0.08937213569879532, 0.0871829092502594, 0.08491481095552444, 0.08290522545576096, 0.08656331151723862, 0.08712952584028244, 0.08851683139801025, 0.0900672972202301, 0.08287928253412247, 0.07107271999120712, 0.05480692908167839, 0.04308571293950081, 0.0305953249335289, 0.022596148774027824, 0.014983906410634518, 0.004964782856404781, -0.0006391292554326355, -0.017400819808244705, -0.030851291492581367, -0.04882573336362839, -0.06332118064165115, -0.07721336930990219, -0.08745872229337692, -0.08904663473367691, -0.09677383303642273, -0.09967056661844254, -0.10835190117359161, -0.11470608413219452, -0.125658318400383, -0.1360727846622467, -0.13966432213783264, -0.14342249929904938, -0.13879291713237762, -0.14432498812675476, -0.1418280005455017, -0.14337019622325897, -0.15089423954486847, -0.14891640841960907, -0.15012729167938232, -0.13405741751194, -0.13063587248325348, -0.11778660863637924, -0.10291346907615662, -0.09663645923137665, -0.07423003762960434, -0.06101107597351074, -0.025021370500326157, -0.007258991245180368, 0.016763800755143166, 0.040406450629234314, 0.04925014451146126, 0.061351943761110306, 0.05103312432765961, 0.06536484509706497, 0.07177507132291794, 0.07472900301218033, 0.08760467916727066, 0.09774037450551987, 0.10901090502738953, 0.10009182244539261, 0.10047227144241333, 0.08423975110054016, 0.06505794078111649, 0.04938787966966629, 0.03744713217020035, 0.03714147210121155, 0.033397920429706573, 0.037210602313280106, 0.043181683868169785, 0.038226522505283356, 0.033727675676345825, 0.03523759916424751, 0.036162205040454865, 0.035352978855371475, 0.04216335341334343, 0.046634212136268616, 0.056117307394742966, 0.06329380720853806, 0.06923628598451614, 0.08561789989471436, 0.0988895446062088, 0.10514882206916809, 0.10794825851917267, 0.1048533022403717, 0.09340915083885193, 0.08706611394882202, 0.08472400158643723, 0.09568401426076889, 0.09709393233060837, 0.08736365288496017, 0.08983804285526276, 0.08355969935655594, 0.07218720763921738, 0.05149507895112038, 0.04044375196099281, 0.02710101753473282, 0.018124451860785484, 0.00925474613904953, -0.002207033568993211, -0.0019422805635258555, -0.016427280381321907, -0.017411181703209877, -0.034218452870845795, -0.05440540611743927, -0.056993093341588974, -0.06858440488576889, -0.0730530396103859, -0.07570298761129379, -0.07353619486093521, -0.07672702521085739, -0.08400452882051468, -0.09692110121250153, -0.10600697994232178, -0.1092243567109108, -0.11493632942438126, -0.11284063011407852, -0.11367123574018478, -0.11504930257797241, -0.11952382326126099, -0.12822888791561127, -0.14237025380134583, -0.14272870123386383, -0.14953219890594482, -0.14209331572055817, -0.13101917505264282, -0.12374594062566757, -0.10336713492870331, -0.09146337956190109, -0.07466898113489151, -0.051335424184799194, -0.024563396349549294, -0.004088466055691242, 0.022745445370674133, 0.04706565663218498, 0.054876431822776794, 0.06952639669179916, 0.07352057099342346, 0.08372946828603745, 0.0896102637052536, 0.10094109177589417, 0.11635353416204453, 0.12255651503801346, 0.1310121864080429, 0.12260482460260391, 0.1138741746544838, 0.08995173871517181, 0.07397843897342682, 0.05939685180783272, 0.045349858701229095, 0.04675408825278282, 0.035982877016067505, 0.03862181678414345, 0.027781499549746513, 0.01645573601126671, 0.011457952670753002, 0.003510177368298173, 0.006495438516139984, 0.004017344210296869, 0.017035067081451416, 0.024975359439849854, 0.03240342438220978, 0.04791344329714775, 0.05805711820721626, 0.07859519869089127, 0.08436618000268936, 0.1004410982131958, 0.1063804030418396, 0.10421814769506454, 0.1057962030172348, 0.10195661336183548, 0.10155996680259705, 0.1018897294998169, 0.11229787021875381, 0.11063235998153687, 0.1065603569149971, 0.1049899309873581, 0.09075465798377991, 0.07323495298624039, 0.05698760971426964, 0.0415758453309536, 0.027346575632691383, 0.01682271994650364, 0.011048712767660618, 0.0006416465039364994, -0.008478078059852123, -0.01635028049349785, -0.030792750418186188, -0.04451095312833786, -0.05948155000805855, -0.06674932688474655, -0.07654936611652374, -0.08307519555091858, -0.08201859146356583, -0.08621080219745636, -0.08449217677116394, -0.09104543924331665, -0.08938884735107422, -0.09286206215620041, -0.10298599302768707, -0.10486374795436859, -0.1097894236445427, -0.1139724925160408, -0.11947637051343918, -0.11843206733465195, -0.1222989484667778, -0.12310003489255905, -0.1249476969242096, -0.12801848351955414, -0.1272655427455902, -0.1264335662126541, -0.1167108416557312, -0.10948636382818222, -0.10243547707796097, -0.08276820927858353, -0.060562510043382645, -0.04069678112864494, -0.016935087740421295, 0.01725464127957821, 0.03448089212179184, 0.05503116548061371, 0.06783730536699295, 0.069951131939888, 0.08068849891424179, 0.0732906311750412, 0.08498704433441162, 0.09216731786727905, 0.10350891947746277, 0.11745565384626389, 0.12282729148864746, 0.12623359262943268, 0.10006783157587051, 0.08873715251684189, 0.05616070702672005, 0.03551457077264786, 0.017974579706788063, 0.004145266953855753, 0.012194779701530933, 0.0031129331327974796, 0.018297698348760605, 0.013191691599786282, 0.013140187598764896, 0.006768298335373402, -0.002014768309891224, -0.0014642052119597793, -0.007172450888901949, 0.011943241581320763, 0.014796725474298, 0.040015920996665955, 0.05764693394303322, 0.073813796043396, 0.09106612205505371, 0.09853470325469971, 0.10823237150907516, 0.1022690013051033, 0.1065584123134613, 0.09540081769227982, 0.09161883592605591, 0.08981215953826904, 0.08857902139425278, 0.09769076108932495, 0.09573052078485489, 0.10312699526548386, 0.09101712703704834, 0.08290936797857285, 0.060702502727508545, 0.0399579182267189, 0.019817689433693886, -0.0017093928763642907, -0.0037023748736828566, -0.01688939891755581, -0.012677030637860298, -0.014704335480928421, -0.02225072868168354, -0.029927125200629234, -0.04722966253757477, -0.05782444775104523, -0.07043895870447159, -0.0746769979596138, -0.07612065225839615, -0.07243025302886963, -0.07400868833065033, -0.07319574803113937, -0.06971190124750137, -0.07438772171735764, -0.07826527953147888, -0.08651860803365707, -0.09121057391166687, -0.10399231314659119, -0.10814273357391357, -0.12188651412725449, -0.12490594387054443, -0.13436268270015717, -0.14187756180763245, -0.13607721030712128, -0.151540145277977, -0.14442281424999237, -0.15805700421333313, -0.1531936675310135, -0.16081435978412628, -0.15584434568881989, -0.14210087060928345, -0.13402152061462402, -0.10286194086074829, -0.08640952408313751, -0.03988584876060486, -0.023613881319761276, 0.014375603757798672, 0.045070815831422806, 0.060585420578718185, 0.09121004492044449, 0.09364432841539383, 0.11396528780460358, 0.10725421458482742, 0.11683538556098938, 0.11546198278665543, 0.11492041498422623, 0.12774045765399933, 0.11867854744195938, 0.1289208084344864, 0.10804177820682526, 0.0916614681482315, 0.05805759131908417, 0.024934694170951843, 0.0048172553069889545, -0.025152863934636116, -0.02764127589762211, -0.036161329597234726, -0.025527196004986763, -0.02580188401043415, -0.02036357671022415, -0.019848080351948738, -0.031070487573742867, -0.02929629571735859, -0.03308853879570961, -0.016935061663389206, -0.009860513731837273, 0.015162893570959568, 0.03327888995409012, 0.05429806560277939, 0.07535287737846375, 0.08737093210220337, 0.1087796539068222, 0.11377081274986267, 0.129201278090477, 0.12408988922834396, 0.12680785357952118, 0.12202781438827515, 0.11202964186668396, 0.1081089898943901, 0.09554848074913025, 0.10520520806312561, 0.09368305653333664, 0.09598887711763382, 0.08524935692548752, 0.06403102725744247, 0.04604686051607132, 0.010487403720617294, 0.0006099164020270109, -0.02006656676530838, -0.025375690311193466, -0.02592318132519722, -0.03012448363006115, -0.02812764048576355, -0.04951652139425278, -0.044849805533885956, -0.06561238318681717, -0.07240629941225052, -0.07323174923658371, -0.07964957505464554, -0.07129022479057312, -0.08160470426082611, -0.07033420354127884, -0.0802147164940834, -0.07280739396810532, -0.07357323914766312, -0.07372035086154938, -0.06206719949841499, -0.07525618374347687, -0.07332310825586319, -0.09120365232229233, -0.1023952066898346, -0.11834904551506042, -0.12576715648174286, -0.12900881469249725, -0.12971535325050354, -0.130052387714386, -0.1308123618364334, -0.1427161544561386, -0.14636103808879852, -0.16192564368247986, -0.1666308045387268, -0.1596171259880066, -0.15949632227420807, -0.11936184763908386, -0.1075160875916481, -0.041811536997556686, -0.011442276649177074, 0.03535126522183418, 0.06593244522809982, 0.07648153603076935, 0.08943690359592438, 0.0632627084851265, 0.07940471172332764, 0.05680936947464943, 0.0860244408249855, 0.09967685490846634, 0.1323317587375641, 0.15685315430164337, 0.1543712317943573, 0.16327586770057678, 0.11813200265169144, 0.09530401229858398, 0.03906070441007614, 0.015703072771430016, -0.008400515653192997, -0.015215589664876461, 0.0022621918469667435, 0.0004302986490074545, 0.01952305994927883, 0.002151464344933629, 3.17270541927428e-06, -0.0234121922403574, -0.04690203070640564, -0.05495046451687813, -0.07112638652324677, -0.05915255472064018, -0.05063750222325325, -0.020155934616923332, 0.00935868639498949, 0.03828820586204529, 0.07142728567123413, 0.08844234049320221, 0.09836123883724213, 0.10171892493963242, 0.09757478535175323, 0.09349944442510605, 0.09038244932889938, 0.10935693979263306, 0.1223224475979805, 0.15022532641887665, 0.1688913255929947, 0.174687922000885, 0.16862696409225464, 0.1313462108373642, 0.10913149267435074, 0.06554638594388962, 0.03241848573088646, 0.012328838929533958, 0.01646295003592968, 0.015020499937236309, 0.022560127079486847, 0.03216755762696266, 0.013408638536930084, 0.00169460813049227, -0.029645545408129692, -0.04878278076648712, -0.06756200641393661, -0.08039949834346771, -0.07417067885398865, -0.06982874125242233, -0.05999651178717613, -0.05579081550240517, -0.04390116408467293, -0.04289661720395088, -0.05162997916340828, -0.04394040256738663, -0.05276627466082573, -0.048972971737384796, -0.05931374803185463, -0.06309400498867035, -0.05843091383576393, -0.07803987711668015, -0.05859724059700966, -0.060350045561790466, -0.061604127287864685, -0.05962274968624115, -0.08070734143257141, -0.10288140922784805, -0.14411982893943787, -0.16518208384513855, -0.19511523842811584, -0.2131030112504959, -0.2044290155172348, -0.20610231161117554, -0.17128165066242218, -0.15619155764579773, -0.11998409777879715, -0.08585590124130249, -0.0706506296992302, -0.03047838620841503, -0.015723614022135735, 0.011904515326023102, 0.01851213350892067, 0.046675872057676315, 0.05942375585436821, 0.07867928594350815, 0.11349096149206161, 0.13606910407543182, 0.16739986836910248, 0.17458245158195496, 0.18670397996902466, 0.17068517208099365, 0.13983236253261566, 0.10851899534463882, 0.07338836044073105, 0.04772024229168892, 0.024980979040265083, 0.029367104172706604, 0.019068820402026176, 0.014280703850090504, 0.00837329775094986, -0.017539354041218758, -0.036613669246435165, -0.07023491710424423, -0.08528704941272736, -0.10168800503015518, -0.10824805498123169, -0.0997060239315033, -0.08037638664245605, -0.05713249370455742, -0.04171593487262726, -0.00048368130228482187, 0.01133541576564312, 0.032007548958063126, 0.05280011147260666, 0.06417877227067947, 0.07897375524044037, 0.09222490340471268, 0.11280116438865662, 0.13026437163352966, 0.15742279589176178, 0.17771528661251068, 0.19467176496982574, 0.2006361335515976, 0.18966306746006012, 0.17912814021110535, 0.1488155722618103, 0.12042322009801865, 0.10114824771881104, 0.07931926846504211, 0.07103078067302704, 0.05851007625460625, 0.05564075708389282, 0.04077740013599396, 0.029839418828487396, 0.009111971594393253, -0.011411723680794239, -0.02658124826848507, -0.04791991412639618, -0.04665512219071388, -0.05672961473464966, -0.05055756866931915, -0.04303069785237312, -0.04059746861457825, -0.0342065691947937, -0.02839147113263607, -0.023361871019005775, -0.019880011677742004, -0.007876221090555191, 0.006944672670215368, 0.0146945146843791, 0.02447391301393509, 0.02979147434234619, 0.02061654068529606, 0.015777679160237312, -0.002944905310869217, -0.004508864134550095, -0.014623557217419147, -0.02359543927013874, -0.027706444263458252, -0.043650995939970016, -0.05717611685395241, -0.0872565507888794, -0.09828121960163116, -0.13946278393268585, -0.1658133715391159, -0.2008609175682068, -0.23424161970615387, -0.26108643412590027, -0.2722967267036438, -0.2597753703594208, -0.24692018330097198, -0.19658038020133972, -0.1625002771615982, -0.1084747165441513, -0.08239780366420746, -0.056206945329904556, -0.04220252111554146, -0.03646547347307205, -0.014542528428137302, 0.012782997451722622, 0.06152203679084778, 0.10933900624513626, 0.17450262606143951, 0.21529194712638855, 0.23889021575450897, 0.2312282919883728, 0.20453722774982452, 0.1646374762058258, 0.12194313853979111, 0.09452369809150696, 0.07590242475271225, 0.07318546622991562, 0.06325151026248932, 0.0638728067278862, 0.03769547864794731, 0.00694390619173646, -0.0315772108733654, -0.07674409449100494, -0.11556178331375122, -0.14691534638404846, -0.15959474444389343, -0.16147653758525848, -0.14890483021736145, -0.1297358125448227, -0.09770569950342178, -0.06531160324811935, -0.03669476509094238, -0.007905597798526287, 0.011882745660841465, 0.024684589356184006, 0.035288356244564056, 0.04884692281484604, 0.06523403525352478, 0.09559857100248337, 0.1290738433599472, 0.17007006704807281, 0.20035392045974731, 0.22426103055477142, 0.2225884050130844, 0.2063295692205429, 0.17720170319080353, 0.14394411444664001, 0.11605045944452286, 0.09539080411195755, 0.09548573940992355, 0.09273245185613632, 0.09850062429904938, 0.08655290305614471, 0.07487769424915314, 0.0447986014187336, 0.014572259038686752, -0.014225959777832031, -0.039376500993967056, -0.047834884375333786, -0.05372864380478859, -0.03735814616084099, -0.02936527691781521, -0.011204051785171032, -0.00097051658667624, 0.01171493623405695, 0.017749035730957985, 0.014702691696584225, 0.0212924275547266, 0.019176550209522247, 0.017497511580586433, 0.02835359238088131, 0.03660404682159424, 0.04802613705396652, 0.05956846475601196, 0.07379674166440964, 0.07364258915185928, 0.0668976828455925, 0.058701638132333755, 0.036651771515607834, 0.02213350683450699, -0.0034302088897675276, -0.009015326388180256, -0.019337855279445648, -0.023774387314915657, -0.03188876435160637, -0.04436495155096054, -0.06446325033903122, -0.09707514941692352, -0.11820060759782791, -0.15316317975521088, -0.1738438606262207, -0.19911253452301025, -0.20322802662849426, -0.20837417244911194, -0.20358344912528992, -0.19414131343364716, -0.18837960064411163, -0.1936688870191574, -0.20138883590698242, -0.1980895698070526, -0.2051038146018982, -0.1837303340435028, -0.15507309138774872, -0.10171300917863846, -0.04885730892419815, 0.017191082239151, 0.06193852797150612, 0.09698408842086792, 0.11237788945436478, 0.11034099012613297, 0.1068204939365387, 0.09329882264137268, 0.10296890139579773, 0.1163317859172821, 0.14269983768463135, 0.1540803462266922, 0.1775258332490921, 0.16666676104068756, 0.14425525069236755, 0.10802125930786133, 0.059210289269685745, 0.019181417301297188, -0.021890070289373398, -0.04130100831389427, -0.05642641708254814, -0.05967685952782631, -0.05900881066918373, -0.05476348474621773, -0.055987920612096786, -0.0638086199760437, -0.06514149904251099, -0.07575765997171402, -0.08306059241294861, -0.08236286044120789, -0.07672526687383652, -0.05940688028931618, -0.03499670326709747, -0.007541382219642401, 0.027782686054706573, 0.06179654598236084, 0.08451450616121292, 0.10627983510494232, 0.11578786373138428, 0.11586455255746841, 0.11469388008117676, 0.110924132168293, 0.11385346204042435, 0.11936166882514954, 0.13668033480644226, 0.14488135278224945, 0.15690547227859497, 0.15631850063800812, 0.14495772123336792, 0.1236046627163887, 0.09742778539657593, 0.07331494241952896, 0.048836179077625275, 0.04026791825890541, 0.030508900061249733, 0.03199819102883339, 0.02725500427186489, 0.02779596857726574, 0.02214425429701805, 0.015304726548492908, 0.008916636928915977, -0.004105634056031704, -0.004522618371993303, -0.012468557804822922, -0.0003010320069734007, 0.0019319328712299466, 0.016471082344651222, 0.031727053225040436, 0.04054194316267967, 0.05502714589238167, 0.047559648752212524, 0.05346021428704262, 0.042147573083639145, 0.038468752056360245, 0.031454432755708694, 0.03219706192612648, 0.03844510391354561, 0.036904629319906235, 0.04877236485481262, 0.038554321974515915, 0.03586382046341896, 0.018554886803030968, -0.0008788313716650009, -0.015953000634908676, -0.03269939497113228, -0.03626975044608116, -0.04558885470032692, -0.04289581999182701, -0.05794035643339157, -0.06170440837740898, -0.08389460295438766, -0.10643978416919708, -0.11993970721960068, -0.14446431398391724, -0.14036427438259125, -0.15651492774486542, -0.14537569880485535, -0.15400093793869019, -0.14637233316898346, -0.14936818182468414, -0.15488167107105255, -0.15638497471809387, -0.1766204833984375, -0.17435277998447418, -0.18653009831905365, -0.1753469854593277, -0.15454000234603882, -0.12490388005971909, -0.0793750211596489, -0.033197369426488876, 0.010408040136098862, 0.04433168098330498, 0.06077517196536064, 0.06903573125600815, 0.05751637741923332, 0.05644742771983147, 0.04726298525929451, 0.06002229452133179, 0.07807831466197968, 0.10389826446771622, 0.13471391797065735, 0.14189542829990387, 0.1482209712266922, 0.1246800422668457, 0.09561030566692352, 0.050614286214113235, 0.02627926506102085, -0.003816785989329219, -0.012644237838685513, -0.017694519832730293, -0.01558330375701189, -0.015011326409876347, -0.019717467948794365, -0.026752376928925514, -0.04516704007983208, -0.05420082062482834, -0.07331690192222595, -0.07103841751813889, -0.07805029302835464, -0.0668235570192337, -0.05456121265888214, -0.03654969483613968, -0.01564214937388897, 0.0031207280699163675, 0.024209696799516678, 0.040117520838975906, 0.060955796390771866, 0.070827916264534, 0.08560626208782196, 0.09194961935281754, 0.09767215698957443, 0.1034054383635521, 0.10758461803197861, 0.11803552508354187, 0.1275048702955246, 0.1391402631998062, 0.14143116772174835, 0.1406639665365219, 0.1284596174955368, 0.10836051404476166, 0.09114421159029007, 0.066745825111866, 0.053727563470602036, 0.04378281533718109, 0.03894614800810814, 0.03385249897837639, 0.025690514594316483, 0.022908179089426994, 0.00845892634242773, 0.0013049462577328086, -0.010325291194021702, -0.011783533729612827, -0.014283805154263973, -0.011587066575884819, -0.004910062067210674, -0.002763025928288698, 0.0017888695001602173, 0.0019117556512355804, 0.006304431706666946, 0.008905790746212006, 0.01802843250334263, 0.031449656933546066, 0.045135822147130966, 0.055523913353681564, 0.06042071804404259, 0.05883738026022911, 0.050766199827194214, 0.039941828697919846, 0.026838453486561775, 0.023231877014040947, 0.017176831141114235, 0.01586839370429516, 0.01610167697072029, 0.010331755504012108, 0.0053784106858074665, -0.007727077230811119, -0.02071637474000454, -0.04036184027791023, -0.05345999076962471, -0.06650007516145706, -0.07696039229631424, -0.08199416846036911, -0.0936281606554985, -0.09517040103673935, -0.10852530598640442, -0.11118033528327942, -0.11602270603179932, -0.1216137632727623, -0.1223987340927124, -0.12846754491329193, -0.12680920958518982, -0.13897325098514557, -0.1371043473482132, -0.150764599442482, -0.15204347670078278, -0.1591988354921341, -0.16473840177059174, -0.15915215015411377, -0.15663458406925201, -0.14405463635921478, -0.1235121488571167, -0.09149805456399918, -0.06308384984731674, -0.027273109182715416, 0.0013937178300693631, 0.021341323852539062, 0.034459229558706284, 0.03898366540670395, 0.03997120261192322, 0.043793950229883194, 0.053604621440172195, 0.06798284500837326, 0.08710861951112747, 0.10260242223739624, 0.11646312475204468, 0.12222179770469666, 0.11231372505426407, 0.10228259861469269, 0.07765500247478485, 0.05659825727343559, 0.03402572125196457, 0.017898255959153175, 0.0029664807952940464, -0.00845929142087698, -0.009151830337941647, -0.018453992903232574, -0.015710795298218727, -0.02440306916832924, -0.029204770922660828, -0.03561512008309364, -0.05033894628286362, -0.05509575083851814, -0.06766042858362198, -0.06966596841812134, -0.06979823857545853, -0.06086239591240883, -0.0486651249229908, -0.0317666195333004, -0.008420667611062527, 0.007104378193616867, 0.028810642659664154, 0.039275139570236206, 0.04875411093235016, 0.05362893268465996, 0.05381380021572113, 0.05813540145754814, 0.06412327289581299, 0.07770795375108719, 0.09062545001506805, 0.10932420194149017, 0.119941346347332, 0.1275642067193985, 0.12464320659637451, 0.11795670539140701, 0.10492419451475143, 0.09238652139902115, 0.07799387723207474, 0.06695685535669327, 0.059088725596666336, 0.04989754408597946, 0.04392828047275543, 0.03624911233782768, 0.027598684653639793, 0.015400833450257778, 0.008376977406442165, -0.002031209645792842, -0.00788988545536995, -0.0119333416223526, -0.013228950090706348, -0.013544926419854164, -0.010084444656968117, -0.009758385829627514, -0.007162843830883503, -0.0023365977685898542, 0.0023861611261963844, 0.012344904243946075, 0.02008751593530178, 0.031039424240589142, 0.037273455411195755, 0.039972059428691864, 0.040385812520980835, 0.04137140512466431, 0.036370884627103806, 0.03451436385512352, 0.03245542198419571, 0.03268194571137428, 0.03048536740243435, 0.029927527531981468, 0.0241441261023283, 0.015719259157776833, 0.003306233324110508, -0.01241274829953909, -0.02352038398385048, -0.038097839802503586, -0.04431704431772232, -0.04745230823755264, -0.048521094024181366, -0.053788937628269196, -0.05539052560925484, -0.06012880802154541, -0.06787362694740295, -0.07220994681119919, -0.07689902931451797, -0.08002039045095444, -0.08181177079677582, -0.08459612727165222, -0.08811511844396591, -0.09038832038640976, -0.09252460300922394, -0.08979091793298721, -0.0918956771492958, -0.09186858683824539, -0.09559520334005356, -0.0966457799077034, -0.10475403070449829, -0.10871098190546036, -0.1134495735168457, -0.11694598197937012, -0.11729508638381958, -0.11873019486665726, -0.11659637093544006, -0.11038228869438171, -0.09613297879695892, -0.08458496630191803, -0.06451929360628128, -0.048631083220243454, -0.02974347583949566, -0.015628596767783165, -0.0032374029979109764, 0.005625818390399218, 0.010853858664631844, 0.016183773055672646, 0.01921185292303562, 0.024967016652226448, 0.03132964298129082, 0.04176575690507889, 0.05106151103973389, 0.06281040608882904, 0.0711587518453598, 0.08027996867895126, 0.08160310238599777, 0.08130662143230438, 0.07642047852277756, 0.0679168552160263, 0.05665883421897888, 0.04549439251422882, 0.03547190874814987, 0.025878285989165306, 0.020516246557235718, 0.015380009077489376, 0.01578335650265217, 0.015680473297834396, 0.014185287989675999, 0.015399453230202198, 0.013035191223025322, 0.009318661876022816, 0.006774644833058119, -8.776796312304214e-05, -0.0024516237899661064, -0.004479093011468649, -0.0040815905667841434, -0.000662564649246633, 0.005433900747448206, 0.012561574578285217, 0.017923472449183464, 0.024398287758231163, 0.026388462632894516, 0.028094995766878128, 0.026299946010112762, 0.02517818845808506, 0.023045429959893227, 0.020426025614142418, 0.02078857086598873, 0.022700877860188484, 0.0250689759850502, 0.027433017268776894, 0.029382692649960518, 0.028957292437553406, 0.028905948624014854, 0.028489237651228905, 0.028249895200133324, 0.026739880442619324, 0.02675214409828186, 0.027009978890419006, 0.025983275845646858, 0.023869678378105164, 0.02345006726682186, 0.023831592872738838, 0.023148560896515846, 0.02483511157333851, 0.026019977405667305, 0.027151159942150116, 0.02903643622994423, 0.02747182548046112, 0.027447670698165894, 0.027003521099686623, 0.026476595550775528, 0.026277445256710052, 0.025785233825445175, 0.02709987387061119, 0.025198686867952347, 0.025925826281309128, 0.026023495942354202, 0.02562701143324375, 0.023081040009856224, 0.021817903965711594, 0.019371459260582924, 0.017021818086504936, 0.01715072989463806, 0.01390114426612854, 0.013347651809453964, 0.009389589540660381, 0.007547400426119566, 0.0048277368769049644, 0.001492258277721703, -0.0008884795824997127, -0.002116078743711114, -0.005442156456410885, -0.008478236384689808, -0.008559024892747402, -0.01300642266869545, -0.013205721974372864, -0.014822634868323803, -0.016683304682374, -0.01641143672168255, -0.017418043687939644, -0.01745586097240448, -0.01879004016518593, -0.019554851576685905, -0.0222467128187418, -0.02456863783299923, -0.024353036656975746, -0.02697508968412876, -0.028150007128715515, -0.028995158150792122, -0.03148367628455162, -0.03350995481014252, -0.03657364472746849, -0.04037049412727356, -0.04267976060509682, -0.04770916327834129, -0.049416959285736084, -0.05337291583418846, -0.05694497376680374, -0.06076555326581001, -0.06269458681344986, -0.06572238355875015, -0.06724872440099716, -0.06759689003229141, -0.06785853952169418, -0.06626070290803909, -0.06619096547365189, -0.06460301578044891, -0.06697876006364822, -0.06521905958652496, -0.06715524196624756, -0.0639195516705513, -0.06299854069948196, -0.05989660695195198, -0.055521633476018906, -0.051857829093933105, -0.04506201669573784, -0.04129832237958908, -0.03648384287953377, -0.030766531825065613, -0.0252761859446764, -0.02105984091758728, -0.013736826367676258, -0.008291207253932953, -0.0027474290691316128, 0.0018265292746946216, 0.006379297468811274, 0.010843080468475819, 0.013201477006077766, 0.0170268751680851, 0.02093074657022953, 0.024710921570658684, 0.028941765427589417, 0.0323605090379715, 0.03465976193547249, 0.03539058938622475, 0.03484019637107849, 0.03451782092452049, 0.03293158859014511, 0.030492005869746208, 0.02860449254512787, 0.026460016146302223, 0.025298502296209335, 0.023879239335656166, 0.023335404694080353, 0.023299911990761757, 0.022046715021133423, 0.020863071084022522, 0.019514402374625206, 0.019738275557756424, 0.01776164583861828, 0.01730039156973362, 0.015593559481203556, 0.014474309980869293, 0.01286356896162033, 0.011817967519164085, 0.013643142767250538, 0.01552744209766388, 0.01864864118397236, 0.020115235820412636, 0.022923102602362633, 0.02311759628355503, 0.02280859276652336, 0.021305708214640617, 0.0200126301497221, 0.018488330766558647, 0.016085894778370857, 0.01521336380392313, 0.015071439556777477, 0.013923559337854385, 0.013695381581783295, 0.015117623843252659, 0.013575182296335697, 0.014005430974066257, 0.012512147426605225, 0.012170358560979366, 0.012179013341665268, 0.010304421186447144, 0.009436088614165783, 0.009055494330823421, 0.007755368482321501, 0.006763122044503689, 0.006512813735753298, 0.005219391547143459, 0.004589080344885588, 0.0029371418058872223, 0.002681901678442955, 0.0015857690013945103, -0.0001887207617983222, 0.0002927560417447239, -0.0011158074485138059, -0.0020135731901973486, -0.002938100602477789, -0.003573827212676406, -0.0037725793663412333, -0.0034959139302372932, -0.0033495291136205196, -0.003082244424149394, -0.003133464604616165, -0.0035339230671525, -0.004853823222219944, -0.00679937144741416, -0.009300153702497482, -0.009859469719231129, -0.00984875950962305, -0.01024812925606966, -0.008167309686541557, -0.008841303177177906, -0.008415219374001026, -0.010762608610093594, -0.011804431676864624, -0.01522700022906065, -0.017260786145925522, -0.019420968368649483, -0.022871822118759155, -0.02327585779130459, -0.025212589651346207, -0.02534601278603077, -0.027564184740185738, -0.028852619230747223, -0.03095962293446064, -0.03290055692195892, -0.036463212221860886, -0.039745181798934937, -0.042596541345119476, -0.04495275020599365, -0.04701688513159752, -0.04944158345460892, -0.05106836557388306, -0.05123027414083481, -0.05176343023777008, -0.0524042509496212, -0.05119374394416809, -0.05189846083521843, -0.05075500160455704, -0.051861509680747986, -0.050308890640735626, -0.05008172616362572, -0.048698823899030685, -0.047027796506881714, -0.044879935681819916, -0.04049910232424736, -0.03713449463248253, -0.03268171101808548, -0.02982529066503048, -0.025003857910633087, -0.022129114717245102, -0.018396325409412384, -0.016240356490015984, -0.012563757598400116, -0.009091183543205261, -0.004402393475174904, -0.00029990600887686014, 0.0022815202828496695, 0.006319828797131777, 0.008027162402868271, 0.010984474793076515, 0.012642480432987213, 0.01528486143797636, 0.016974585130810738, 0.018512865528464317, 0.02087041176855564, 0.022265000268816948, 0.023728668689727783, 0.024861138314008713, 0.02470998838543892, 0.024438325315713882, 0.02434009313583374, 0.02401786856353283, 0.024913068860769272, 0.02563779428601265, 0.025719115510582924, 0.02716403640806675, 0.027869345620274544, 0.028893321752548218, 0.029401488602161407, 0.02978065423667431, 0.02890688367187977, 0.02841905690729618, 0.027717942371964455, 0.0270965788513422, 0.026347486302256584, 0.02477322891354561, 0.023929953575134277, 0.022928813472390175, 0.021583089604973793, 0.02075999230146408, 0.01956142671406269, 0.019214117899537086, 0.018235284835100174, 0.015788724645972252, 0.01458893995732069, 0.013775515370070934, 0.013576998375356197, 0.012696485966444016, 0.013325253501534462, 0.01305877510458231, 0.014709897339344025, 0.015177353285253048, 0.01501754391938448, 0.016049562022089958, 0.0156486127525568, 0.015332684852182865, 0.0162967536598444, 0.016642170026898384, 0.01765655353665352, 0.01840486191213131, 0.019126342609524727, 0.019670944660902023, 0.0213763564825058, 0.021176066249608994, 0.020379986613988876, 0.020282957702875137, 0.020071959123015404, 0.018974430859088898, 0.018210673704743385, 0.016708994284272194, 0.015241403132677078, 0.014123517088592052, 0.01241839025169611, 0.011662335135042667, 0.01116392482072115, 0.009609629400074482, 0.007704954128712416, 0.006417835596948862, 0.00466359406709671, 0.0036038930993527174, 0.0022450576070696115, 0.0003096833825111389, -0.001438406528905034, -0.002196925226598978, -0.003679661313071847, -0.004754526074975729, -0.006443711929023266, -0.007829679176211357, -0.009098922833800316, -0.010271637700498104, -0.011824512854218483, -0.012118813581764698, -0.012568797916173935, -0.014024741016328335, -0.013962507247924805, -0.014627672731876373, -0.015063473023474216, -0.016004515811800957, -0.016612010076642036, -0.01664481870830059, -0.01762516424059868, -0.019617421552538872, -0.020528417080640793, -0.022495392709970474, -0.02485160529613495, -0.026462752372026443, -0.027889883145689964, -0.0290844663977623, -0.03240329399704933, -0.033802639693021774, -0.035438988357782364, -0.036921899765729904, -0.037851858884096146, -0.038839176297187805, -0.03910594806075096, -0.03937646374106407, -0.03864945471286774, -0.03853623941540718, -0.038113709539175034, -0.038507916033267975, -0.03811204805970192, -0.03683091327548027, -0.03637898713350296, -0.03444317355751991, -0.03239617124199867, -0.029053200036287308, -0.025550367310643196, -0.02216227725148201, -0.018102362751960754, -0.014735952951014042, -0.011499565094709396, -0.008084713481366634, -0.004300065338611603, -0.0015720600495114923, 0.0004429114342201501, 0.0033513891976326704, 0.006333851255476475, 0.008670785464346409, 0.011323340237140656, 0.013663644902408123, 0.016899174079298973, 0.0181538425385952, 0.02040226012468338, 0.022687457501888275, 0.024945365265011787, 0.025511987507343292, 0.027346637099981308, 0.028537437319755554, 0.0290780458599329, 0.03193722292780876, 0.032716020941734314, 0.033545829355716705, 0.034329574555158615, 0.03461189195513725, 0.034758929163217545, 0.03487461432814598, 0.03408337011933327, 0.033540379256010056, 0.032551173120737076, 0.032235585153102875, 0.032617952674627304, 0.03162205219268799, 0.030434677377343178, 0.030419103801250458, 0.029299667105078697, 0.028060877695679665, 0.027315864339470863, 0.025250785052776337, 0.024289866909384727, 0.022780127823352814, 0.022098377346992493, 0.021304592490196228, 0.01883370243012905, 0.018086271360516548, 0.01771807298064232, 0.015442308969795704, 0.016206948086619377, 0.015092439018189907, 0.01296435296535492, 0.012416602112352848, 0.010958218947052956, 0.01000217068940401, 0.01016298495233059, 0.009673180989921093, 0.009599722921848297, 0.010121818631887436, 0.010070321150124073, 0.009782037697732449, 0.010100760497152805, 0.009719991125166416, 0.009562460705637932, 0.00897466391324997, 0.008481474593281746, 0.008005487732589245, 0.007138355169445276, 0.007176483515650034, 0.007066794205456972, 0.006456255447119474, 0.006343794986605644, 0.005674859508872032, 0.005462569184601307, 0.005072194617241621, 0.0050428141839802265, 0.005126190837472677, 0.0043855286203324795, 0.00315331039018929, 0.0027588766533881426, 0.0024050173815339804, 0.0008459834498353302, -0.0005344788078218699, -0.0010134695330634713, -0.0019667164888232946, -0.003283417085185647, -0.00399998901411891, -0.004857967607676983, -0.005248534958809614, -0.00642058253288269, -0.007553823292255402, -0.007527220528572798, -0.009124415926635265, -0.009883915074169636, -0.011093427427113056, -0.012514476664364338, -0.013480903580784798, -0.01463464554399252, -0.014778935350477695, -0.015699181705713272, -0.0154384421184659, -0.01668626070022583, -0.01636350341141224, -0.0171038918197155, -0.018293119966983795, -0.0190937090665102, -0.020602481439709663, -0.02199535258114338, -0.02242189273238182, -0.023890068754553795, -0.024963753297924995, -0.025559239089488983, -0.026495685800909996, -0.028137331828475, -0.029187792912125587, -0.02815764956176281, -0.029951175674796104, -0.03203046694397926, -0.0336674302816391, -0.03591327741742134, -0.03707404062151909, -0.038634490221738815, -0.03898292034864426, -0.0390380434691906, -0.03989231958985329, -0.038957953453063965, -0.03863246738910675, -0.037788741290569305, -0.036618251353502274, -0.036690130829811096, -0.03555142134428024, -0.0341985747218132, -0.03241875395178795, -0.029527639970183372, -0.02614532597362995, -0.024701349437236786, -0.02078038640320301, -0.016642754897475243, -0.013661874458193779, -0.009485905058681965, -0.005269450601190329, -0.0007823798805475235, 0.001970201265066862, 0.004929729737341404, 0.008744179271161556, 0.01242468599230051, 0.014843258075416088, 0.01769840531051159, 0.02063772641122341, 0.022476347163319588, 0.023958878591656685, 0.02506832219660282, 0.026514116674661636, 0.027433523908257484, 0.02822289802134037, 0.028173984959721565, 0.02871798723936081, 0.029827935621142387, 0.029979586601257324, 0.030837388709187508, 0.03135287016630173, 0.029713518917560577, 0.02844550646841526, 0.028141817077994347, 0.026590265333652496, 0.02547021210193634, 0.024563699960708618, 0.02344376966357231, 0.023254677653312683, 0.023153575137257576, 0.022190053015947342, 0.02146124467253685, 0.021384386345744133, 0.02105146087706089, 0.019350437447428703, 0.01743440330028534, 0.01698254607617855, 0.01534618902951479, 0.014076944440603256, 0.012463542632758617, 0.010830945335328579, 0.01019341591745615, 0.01015454437583685, 0.00955906417220831, 0.008243218064308167, 0.007679184898734093, 0.007505131419748068, 0.00696593476459384, 0.006158839911222458, 0.0050488063134253025, 0.00427877064794302, 0.0030190113466233015, 0.002103350358083844, 0.0015122188488021493, 0.000993012567050755, -0.0006473743706010282, -0.0010654956568032503, -0.0004412394773680717, -0.0005351701402105391, 0.0001815746072679758, 0.00023872764722909778, -0.001101373229175806, -0.001698804902844131, -0.0019525798270478845, -0.003212528070434928, -0.0036345431581139565, -0.004684290383011103, -0.005021182354539633, -0.005274578928947449, -0.006020836066454649, -0.005523110739886761, -0.005477614235132933, -0.005245238076895475, -0.004990017972886562, -0.0055459653958678246, -0.005228016991168261, -0.005800832062959671, -0.006649864837527275, -0.007955040782690048, -0.008040987886488438, -0.009063208475708961, -0.009892267175018787, -0.010011591948568821, -0.010592120699584484, -0.010802779346704483, -0.0114748515188694, -0.011094355024397373, -0.012074069119989872, -0.012698783539235592, -0.01285688579082489, -0.013928710483014584, -0.013793767429888248, -0.013629771769046783, -0.013665440492331982, -0.012791020795702934, -0.012271410785615444, -0.012433052994310856, -0.012316638603806496, -0.012877169996500015, -0.013796541839838028, -0.01416787225753069, -0.013714763335883617, -0.013523145578801632, -0.013446427881717682, -0.013600336387753487, -0.014974769204854965, -0.015011732466518879, -0.015246175229549408, -0.01507702749222517, -0.015545766800642014, -0.015655672177672386, -0.015156339854001999, -0.015610922127962112, -0.015754327178001404, -0.01613922044634819, -0.017158856615424156, -0.018512889742851257, -0.018357036635279655, -0.019740980118513107, -0.019390525296330452, -0.020487038418650627, -0.02013625204563141, -0.02011384628713131, -0.021013736724853516, -0.02022855542600155, -0.020967736840248108, -0.020559975877404213, -0.021305855363607407, -0.02065025269985199, -0.019573841243982315, -0.01847917027771473, -0.01800151728093624, -0.017988160252571106, -0.016578858718276024, -0.01571223884820938, -0.015172991901636124, -0.014122803695499897, -0.011973430402576923, -0.010643666610121727, -0.008227174170315266, -0.006456400267779827, -0.003981715068221092, -0.00322240823879838, -0.0013103759847581387, 0.001890596584416926, 0.002993503352627158, 0.005603686440736055, 0.007165577262639999, 0.008168544620275497, 0.009629540145397186, 0.011023852042853832, 0.01339596789330244, 0.01453710813075304, 0.015568164177238941, 0.016399826854467392, 0.0160954762250185, 0.017260925844311714, 0.016821911558508873, 0.014945452101528645, 0.016120532527565956, 0.015837306156754494, 0.01488711778074503, 0.01596584916114807, 0.01562171895056963, 0.014461018145084381, 0.013645303435623646, 0.014203227125108242, 0.01300038117915392, 0.01542751770466566, 0.014100353233516216, 0.015264862217009068, 0.013908428139984608, 0.01123883854597807, 0.009396780282258987, 0.00729311304166913, 0.00849200040102005, 0.006858826149255037, 0.008024676702916622, 0.00809060875326395, 0.007670318707823753, 0.008227781392633915, 0.009035351686179638, 0.009845668449997902, 0.011267249472439289, 0.013384517282247543, 0.013270905241370201, 0.01413190457969904, 0.01632160320878029, 0.015373398549854755, 0.017249291762709618, 0.019586149603128433, 0.02050265297293663, 0.016357606276869774, 0.02700437791645527, 0.0561830997467041, 0.07041539251804352, 0.07630030065774918, 0.08680401742458344, 0.08537605404853821, 0.06396862119436264, 0.043590471148490906, 0.038884859532117844, 0.014719479717314243, -0.011347007006406784, -0.019690295681357384, -0.02653961069881916, -0.02663918025791645, -0.02097492106258869, -0.016602827236056328, -0.0029889021534472704, -0.0018037765985354781, 0.0024173290003091097, 0.008630950935184956, 0.0004503164964262396, -0.0026077546644955873, -0.010201806202530861, -0.019618038088083267, -0.019977737218141556, -0.020917268469929695, -0.02196262590587139, -0.015713201835751534, -0.004365142900496721, 0.004429641645401716, 0.011029469780623913, 0.017077187076210976, 0.017210371792316437, 0.019057711586356163, 0.01626250334084034, 0.008143577724695206, -0.000754578853957355, -0.01301804929971695, -0.009080437012016773, -0.0077081951312720776, -0.0042336988262832165, 0.00799185037612915, 0.007146709132939577, 0.019465362653136253, 0.020126309245824814, 0.02904677204787731, 0.028039289638400078, 0.030248060822486877, 0.03182010352611542, 0.04088404402136803, 0.08344456553459167, 0.15830278396606445, 0.12216194719076157, 0.09910444915294647, 0.12826351821422577, 0.038937944918870926, 0.01756417565047741, -0.023448888212442398, -0.005744492169469595, -0.05793255940079689, -0.04979024827480316, -0.009613539092242718, 0.0066623748280107975, 0.02494186908006668, 0.013143405318260193, 0.04420723021030426, -0.004156843293458223, -0.01738271489739418, -0.018229970708489418, -0.06153598427772522, -0.05023287981748581, -0.0688040629029274, -0.06325377523899078, -0.054528262466192245, -0.05389167368412018, -0.03917659819126129, -0.024325769394636154, -0.00497326347976923, 0.005670078564435244, 0.008864834904670715, 0.005343887954950333, -0.010943408124148846, -0.01982993260025978, -0.040286172181367874, -0.04645857587456703, -0.06242281571030617, -0.06662272661924362, -0.0448310486972332, -0.03167758882045746, -0.009657954797148705, 0.015074125491082668, 0.009174826554954052, 0.012990458868443966, 0.011910423636436462, -0.005438841879367828, -0.019960366189479828, -0.045979198068380356, -0.06256890296936035, -0.07417327910661697, -0.06982586532831192, -0.059274133294820786, -0.02448485605418682, -0.002775168977677822, 0.013654762879014015, 0.03751247003674507, 0.04536307230591774, 0.06807424128055573, 0.05141463130712509, 0.05469916760921478, 0.04796749725937843, 0.03573345020413399, 0.03045090101659298, 0.023997850716114044, 0.04026640206575394, 0.03292957320809364, 0.0445236898958683, 0.058137185871601105, 0.06089794263243675, 0.06998345255851746, 0.06739290058612823, 0.06804537028074265, 0.05710113048553467, 0.03966614603996277, 0.027442296966910362, 0.01753142476081848, 0.004038795828819275, 0.00102334120310843, 0.001024163793772459, 0.005363082513213158, 0.01464205700904131, 0.021301141008734703, 0.030673617497086525, 0.03546871989965439, 0.03556922823190689, 0.031045405194163322, 0.030582932755351067, 0.027656860649585724, 0.024713609367609024, 0.027771905064582825, 0.033977266401052475, 0.0373084582388401, 0.033491361886262894, 0.040707528591156006, 0.0450315847992897, 0.05397093668580055, 0.06107783317565918, 0.05769413337111473, 0.053798697888851166, 0.04502728208899498, 0.03639354556798935, 0.02719842456281185, 0.024086229503154755, 0.017261246219277382, 0.014456397853791714, 0.01552813034504652, 0.011359315365552902, 0.009654704481363297, 0.006116755772382021, 0.005614309571683407, 0.0009184625814668834, -0.002812781371176243, -0.004737768787890673, -0.010033995844423771, -0.01645340584218502, -0.02114860713481903, -0.0259737316519022, -0.028442470356822014, -0.027117764577269554, -0.0172804556787014, -0.014476228505373001, -0.010549145750701427, -0.01306952629238367, -0.012318897061049938, -0.0179221760481596, -0.026486173272132874, -0.025882767513394356, -0.034491296857595444, -0.041438665241003036, -0.04155236482620239, -0.0452473945915699, -0.043150465935468674, -0.04976128414273262, -0.047643017023801804, -0.04898989945650101, -0.06351000815629959, -0.06967619806528091, -0.08183680474758148, -0.08564263582229614, -0.08604445308446884, -0.09763452410697937, -0.10667435079813004, -0.12551286816596985, -0.13195686042308807, -0.13999977707862854, -0.14350555837154388, -0.1298142820596695, -0.12088771909475327, -0.10443185269832611, -0.11441992968320847, -0.12151218205690384, -0.12331441044807434, -0.12254063040018082, -0.10910949110984802, -0.10311760008335114, -0.0779615193605423, -0.049398377537727356, -0.02954370528459549, -0.01250549778342247, 0.005941472481936216, 0.03448844328522682, 0.068821981549263, 0.08856610208749771, 0.10046066343784332, 0.10737896710634232, 0.09863302856683731, 0.08700884878635406, 0.07923908531665802, 0.07864702492952347, 0.0793275311589241, 0.07585958391427994, 0.07133427262306213, 0.05503374710679054, 0.03834047168493271, 0.030112138018012047, 0.026489131152629852, 0.01793893426656723, 0.0045472015626728535, -0.01142200082540512, -0.035644929856061935, -0.05270298942923546, -0.06586342304944992, -0.0678505152463913, -0.07075277715921402, -0.06395628303289413, -0.05781001225113869, -0.053647253662347794, -0.042681269347667694, -0.031188299879431725, -0.011790292337536812, 0.0038298575673252344, 0.019318407401442528, 0.024632427841424942, 0.02856461890041828, 0.036509331315755844, 0.03761005029082298, 0.04881281405687332, 0.06830140948295593, 0.08254871517419815, 0.0945378839969635, 0.09426619112491608, 0.10065663605928421, 0.10542897135019302, 0.10879682004451752, 0.11751663684844971, 0.10959628224372864, 0.10063474625349045, 0.09342850744724274, 0.0766596645116806, 0.06397979706525803, 0.057906780391931534, 0.05173857510089874, 0.04828805848956108, 0.04550561681389809, 0.039458636194467545, 0.028945865109562874, 0.02674071118235588, 0.02322952076792717, 0.023271486163139343, 0.02069113776087761, 0.01218340452760458, 0.009727408178150654, 0.0014745719963684678, -0.004591223318129778, -0.0012867050245404243, 0.004259854555130005, 0.01348297018557787, 0.016876377165317535, 0.021691516041755676, 0.025159059092402458, 0.029974445700645447, 0.03451942652463913, 0.036369696259498596, 0.03561784699559212, 0.03962972015142441, 0.03860143944621086, 0.03609101101756096, 0.03235312178730965, 0.024507373571395874, 0.022898003458976746, 0.01964137703180313, 0.012828245759010315, 0.007290060166269541, -0.001876897644251585, -0.009451543912291527, -0.0190192312002182, -0.02631654031574726, -0.03355519101023674, -0.04534418135881424, -0.05075855553150177, -0.06462334841489792, -0.06940644979476929, -0.07691270112991333, -0.08030238747596741, -0.08209982514381409, -0.08475830405950546, -0.081562340259552, -0.08605657517910004, -0.09675195813179016, -0.09640699625015259, -0.1028333529829979, -0.10735303908586502, -0.11535686254501343, -0.12732046842575073, -0.1302305907011032, -0.14779002964496613, -0.13644647598266602, -0.13934870064258575, -0.14283733069896698, -0.12903137505054474, -0.1375827193260193, -0.13461318612098694, -0.13725166022777557, -0.1228003203868866, -0.11634620279073715, -0.10523492097854614, -0.08713571727275848, -0.06812293082475662, -0.03437638655304909, -0.017767062410712242, 0.010095719248056412, 0.04856905713677406, 0.060273051261901855, 0.07968244701623917, 0.09068211913108826, 0.10126110911369324, 0.0982109010219574, 0.09108477830886841, 0.08296807110309601, 0.07460526376962662, 0.06948665529489517, 0.057895973324775696, 0.05040431022644043, 0.04133106768131256, 0.03475508093833923, 0.03524168208241463, 0.022280195727944374, 0.008177169598639011, -0.006419893819838762, -0.019078312441706657, -0.03446664288640022, -0.05959787964820862, -0.06649624556303024, -0.0817301869392395, -0.08215481042861938, -0.08674052357673645, -0.0803760513663292, -0.067979596555233, -0.05768371745944023, -0.03699765354394913, -0.019585510715842247, -0.006683393381536007, 0.005450863856822252, 0.019662147387862206, 0.03020159900188446, 0.034648384898900986, 0.043685588985681534, 0.050991784781217575, 0.06254661083221436, 0.07035771757364273, 0.08145210891962051, 0.09523078799247742, 0.0972701907157898, 0.1111149862408638, 0.11580967903137207, 0.11270072311162949, 0.11081299185752869, 0.1081845611333847, 0.09561630338430405, 0.07831764966249466, 0.07082266360521317, 0.0547814778983593, 0.039968084543943405, 0.02979307621717453, 0.019261755049228668, 0.01843450590968132, 0.014382108114659786, 0.012998107820749283, 0.013809562660753727, 0.008287276141345501, 0.017188047990202904, 0.01633285917341709, 0.01240503042936325, 0.018863627687096596, 0.014656699262559414, 0.016905130818486214, 0.017271075397729874, 0.02258964441716671, 0.03261430189013481, 0.04026355221867561, 0.05135868862271309, 0.05604860186576843, 0.06384671479463577, 0.07056596130132675, 0.07307709753513336, 0.075901560485363, 0.0712370052933693, 0.06565556675195694, 0.06343633681535721, 0.056666050106287, 0.04768477380275726, 0.0445113368332386, 0.03667805716395378, 0.026812918484210968, 0.018195634707808495, 0.010018127970397472, 0.0019989178981631994, -0.013381361030042171, -0.016123736277222633, -0.025788288563489914, -0.03338170424103737, -0.045292120426893234, -0.05662746727466583, -0.05372224003076553, -0.06126466765999794, -0.06856894493103027, -0.07152264565229416, -0.0842328667640686, -0.08180061727762222, -0.08566871285438538, -0.09095930308103561, -0.08716902136802673, -0.09123030304908752, -0.08895115554332733, -0.10114823281764984, -0.09657594561576843, -0.09695267677307129, -0.10618599504232407, -0.11290764063596725, -0.12283476442098618, -0.1300530880689621, -0.1410776972770691, -0.14649651944637299, -0.15084627270698547, -0.15006887912750244, -0.16004183888435364, -0.1582494080066681, -0.16547828912734985, -0.17454248666763306, -0.17236557602882385, -0.17315194010734558, -0.14241796731948853, -0.1251719444990158, -0.09501884132623672, -0.07493297010660172, -0.03302009403705597, 0.019773419946432114, 0.04839701950550079, 0.10233493149280548, 0.12322697788476944, 0.1465921700000763, 0.15586747229099274, 0.14294511079788208, 0.14911654591560364, 0.13355691730976105, 0.1300785094499588, 0.09859775006771088, 0.08087118715047836, 0.06612078100442886, 0.04991771653294563, 0.04583975300192833, 0.03448391333222389, 0.04411536082625389, 0.023827822878956795, 0.006559295579791069, -0.009177754633128643, -0.03146683797240257, -0.04482549428939819, -0.0704549103975296, -0.08945999294519424, -0.1113486960530281, -0.12009824067354202, -0.1257171779870987, -0.12146925181150436, -0.09681129455566406, -0.0836610272526741, -0.053433433175086975, -0.0348455049097538, -0.007214487995952368, 0.019940145313739777, 0.04181487113237381, 0.059871528297662735, 0.06501437723636627, 0.08083949238061905, 0.07870279252529144, 0.08044810593128204, 0.08283612877130508, 0.08627337217330933, 0.09863611310720444, 0.09383603930473328, 0.10167020559310913, 0.10608161985874176, 0.1071179062128067, 0.1069541946053505, 0.09918190538883209, 0.09183333814144135, 0.07536305487155914, 0.0615721233189106, 0.035216767340898514, 0.0180962011218071, 0.006946236360818148, -0.012676618993282318, -0.019797582179307938, -0.026456620544195175, -0.0290240291506052, -0.02579985372722149, -0.02355892024934292, -0.017218107357621193, 0.001081863883882761, 0.020238205790519714, 0.02676648646593094, 0.041253574192523956, 0.052384208887815475, 0.06456319242715836, 0.07233359664678574, 0.0800621509552002, 0.08965389430522919, 0.09060823917388916, 0.09584760665893555, 0.09746710956096649, 0.09584710001945496, 0.10097779333591461, 0.09898043423891068, 0.10187932848930359, 0.09966140985488892, 0.09719432145357132, 0.08700388669967651, 0.0713011771440506, 0.06304997205734253, 0.04671100154519081, 0.033926766365766525, 0.015980655327439308, -0.002105219289660454, -0.009124715812504292, -0.017171280458569527, -0.019794370979070663, -0.019536396488547325, -0.022539569064974785, -0.021913934499025345, -0.021725168451666832, -0.015873374417424202, -0.01670587621629238, -0.013499170541763306, -0.015389777719974518, -0.02462248131632805, -0.026484252884984016, -0.030292004346847534, -0.03481314331293106, -0.043022509664297104, -0.04499085992574692, -0.05388922616839409, -0.05288645997643471, -0.054669786244630814, -0.0631042942404747, -0.0593860000371933, -0.07127347588539124, -0.0821564644575119, -0.09630931913852692, -0.10888274759054184, -0.11452105641365051, -0.13382799923419952, -0.14845742285251617, -0.16402681171894073, -0.17012932896614075, -0.1807759553194046, -0.18929234147071838, -0.18085257709026337, -0.17682865262031555, -0.1833542287349701, -0.18380528688430786, -0.1751960963010788, -0.1647331416606903, -0.14945293962955475, -0.13145844638347626, -0.09066583961248398, -0.0720968097448349, -0.047471486032009125, -0.003103559371083975, 0.030345439910888672, 0.07592779397964478, 0.09473386406898499, 0.1322760134935379, 0.14646805822849274, 0.15093043446540833, 0.1618231236934662, 0.14211122691631317, 0.15639665722846985, 0.12946276366710663, 0.10582790523767471, 0.09622398018836975, 0.07028050720691681, 0.06278900802135468, 0.03795592859387398, 0.03635014221072197, 0.017948031425476074, -0.003203748958185315, -0.014139913953840733, -0.04025730863213539, -0.043725281953811646, -0.06751000136137009, -0.07726795971393585, -0.08734046667814255, -0.10032633692026138, -0.0934227779507637, -0.09541427344083786, -0.07891561090946198, -0.060479264706373215, -0.03811831399798393, -0.02079205960035324, 0.0002176961861550808, 0.028313476592302322, 0.04747710004448891, 0.07187483459711075, 0.08201418817043304, 0.0917956531047821, 0.09758760780096054, 0.09708841890096664, 0.09798667579889297, 0.09425126016139984, 0.09463197737932205, 0.08947490900754929, 0.08347472548484802, 0.07720272988080978, 0.07559015601873398, 0.07616091519594193, 0.06123432517051697, 0.05443239212036133, 0.053834591060876846, 0.03821306675672531, 0.025706704705953598, 0.014138657599687576, 0.006168015766888857, -0.0037986270617693663, -0.019438058137893677, -0.025037694722414017, -0.024613866582512856, -0.016228292137384415, -0.014195108786225319, -0.005567879881709814, 0.010985920205712318, 0.019127923995256424, 0.042537201195955276, 0.05527888610959053, 0.07399235665798187, 0.09646213799715042, 0.09855882823467255, 0.10193691402673721, 0.10445177555084229, 0.11461788415908813, 0.10893864184617996, 0.10314298421144485, 0.10417497158050537, 0.09132730960845947, 0.08680567145347595, 0.08158369362354279, 0.08207850903272629, 0.0805160254240036, 0.0711195096373558, 0.06360020488500595, 0.04970063641667366, 0.03901617228984833, 0.02262452244758606, 0.015253789722919464, 0.003488988382741809, -0.010967430658638477, -0.021836990490555763, -0.0338849313557148, -0.03346424922347069, -0.031021080911159515, -0.026420626789331436, -0.02414882741868496, -0.012877557426691055, -0.005029696971178055, -0.006918377708643675, 0.01010990608483553, 0.015066597610712051, 0.016204413026571274, 0.01591593027114868, 0.01087719202041626, 0.008621374145150185, -0.0017813659505918622, 0.005317347589880228, 0.004189022351056337, -0.004327638540416956, -0.016327884048223495, -0.027170177549123764, -0.027347972616553307, -0.03474744036793709, -0.04029559716582298, -0.047514285892248154, -0.0663607269525528, -0.08601610362529755, -0.09669313579797745, -0.11191748827695847, -0.12875236570835114, -0.1492985039949417, -0.16813506186008453, -0.1797679215669632, -0.19526363909244537, -0.19746652245521545, -0.19581915438175201, -0.20341314375400543, -0.19231997430324554, -0.19457918405532837, -0.18367281556129456, -0.17526228725910187, -0.15498095750808716, -0.14767122268676758, -0.1533147543668747, -0.08848434686660767, -0.053132086992263794, -0.03891104459762573, 0.0032054332550615072, 0.05015666037797928, 0.10295209288597107, 0.11540387570858002, 0.1606396585702896, 0.19476987421512604, 0.19881804287433624, 0.20278340578079224, 0.1687326580286026, 0.16747723519802094, 0.15431421995162964, 0.11582184582948685, 0.08542341738939285, 0.047546807676553726, 0.03661417216062546, 0.005391810089349747, -0.01906518265604973, -0.0198065172880888, -0.029579581692814827, -0.03113389015197754, -0.05377272143959999, -0.06804323941469193, -0.06130368635058403, -0.06686248630285263, -0.07393088936805725, -0.08876887708902359, -0.09160636365413666, -0.08101110905408859, -0.08090023696422577, -0.06672459095716476, -0.053095635026693344, -0.025562111288309097, -0.00028458581073209643, 0.014494494535028934, 0.041556719690561295, 0.07409563660621643, 0.10190515965223312, 0.11495842784643173, 0.11087744683027267, 0.11806076020002365, 0.12850134074687958, 0.11773797124624252, 0.10161593556404114, 0.09436903148889542, 0.08960764855146408, 0.06435379385948181, 0.04104265570640564, 0.03933769837021828, 0.035358887165784836, 0.02786104753613472, 0.01212752889841795, -0.0019806602504104376, -0.0083767119795084, -0.02141559310257435, -0.019411396235227585, -0.02688225544989109, -0.042313702404499054, -0.049773208796978, -0.056354012340307236, -0.05690950155258179, -0.05531436577439308, -0.03749678283929825, -0.018916457891464233, -0.016420012339949608, 0.008453735150396824, 0.028893781825900078, 0.05209449306130409, 0.07981478422880173, 0.09811778366565704, 0.11181334406137466, 0.107644222676754, 0.11759103089570999, 0.12365204840898514, 0.1144731417298317, 0.11822139471769333, 0.1142430379986763, 0.10104929655790329, 0.0859350860118866, 0.07106129825115204, 0.0781787633895874, 0.07203808426856995, 0.059392303228378296, 0.03770041465759277, 0.02493053488433361, 0.01924680918455124, 0.004130335990339518, -0.005508958362042904, -0.012827388010919094, -0.02450507879257202, -0.02664133533835411, -0.03186745196580887, -0.040853533893823624, -0.03353540971875191, -0.02753051184117794, -0.019982067868113518, -0.01796586625277996, -0.01009648572653532, 0.01479313150048256, 0.02919059805572033, 0.026856550946831703, 0.023464234545826912, 0.03185409680008888, 0.043700963258743286, 0.032245222479104996, 0.034894779324531555, 0.035247303545475006, 0.02595706656575203, 0.031573716551065445, 0.017188889905810356, 0.010017587803304195, -0.0019185090204700828, 0.0066345264203846455, 7.000378536758944e-05, -0.031003234907984734, -0.03373280540108681, -0.04031718522310257, -0.054367512464523315, -0.07702629268169403, -0.08576196432113647, -0.09731745719909668, -0.1252121925354004, -0.1361863911151886, -0.13476543128490448, -0.16053342819213867, -0.1565968245267868, -0.1612323671579361, -0.16229526698589325, -0.17547085881233215, -0.16603954136371613, -0.15507540106773376, -0.18051792681217194, -0.1758117973804474, -0.16321954131126404, -0.15569035708904266, -0.1464700549840927, -0.13280947506427765, -0.12340983748435974, -0.10407379269599915, -0.08604352176189423, -0.049675051122903824, -0.03661636263132095, 0.013906978070735931, 0.03441662713885307, 0.04274686053395271, 0.07735830545425415, 0.09825226664543152, 0.12552955746650696, 0.1379462629556656, 0.15875940024852753, 0.1511438637971878, 0.11797544360160828, 0.1245570182800293, 0.11425048112869263, 0.0920960009098053, 0.06467099487781525, 0.050432972609996796, 0.024069616571068764, -0.017863264307379723, -0.02728012204170227, -0.035441912710666656, -0.049755774438381195, -0.06193814054131508, -0.0629226565361023, -0.07076860219240189, -0.0789344310760498, -0.07475589215755463, -0.06963952630758286, -0.06176547333598137, -0.06772071868181229, -0.060548167675733566, -0.03927559033036232, -0.030711770057678223, -0.020008482038974762, -0.00848307739943266, 0.024504363536834717, 0.027460703626275063, 0.03979305177927017, 0.06309358030557632, 0.07969474047422409, 0.08742383122444153, 0.08824366331100464, 0.09567131102085114, 0.09240096062421799, 0.08695968240499496, 0.08016353845596313, 0.06553634256124496, 0.06448651850223541, 0.04293336719274521, 0.02661721222102642, 0.015053837560117245, 0.014514382928609848, -0.001845184713602066, -0.01375039666891098, -0.018603824079036713, -0.0330573208630085, -0.03849678114056587, -0.02918892167508602, -0.03909230977296829, -0.04396351799368858, -0.04933561757206917, -0.043505847454071045, -0.05215572193264961, -0.030858544632792473, -0.010603060945868492, -0.017026862129569054, -0.009942499920725822, 0.011343521997332573, 0.030423568561673164, 0.026997456327080727, 0.043387819081544876, 0.0668308287858963, 0.06595977395772934, 0.08152704685926437, 0.09289635717868805, 0.10085301846265793, 0.0889832153916359, 0.09296125918626785, 0.09026724100112915, 0.08918330818414688, 0.08614271134138107, 0.09919843077659607, 0.09672476351261139, 0.06905882060527802, 0.04772312194108963, 0.0418454185128212, 0.04692535102367401, 0.04442587122321129, 0.0388464592397213, 0.021572887897491455, -0.013075296767055988, -0.014837474562227726, 0.0005584333557635546, 0.005765176378190517, -0.005841045640408993, -0.02987588383257389, -0.010974417440593243, -0.01226466242223978, -0.029341155663132668, 0.007114008069038391, 0.0414755642414093, 0.03329245001077652, -0.004190164618194103, 0.02391589991748333, 0.05368904769420624, 0.02512785792350769, 0.032424282282590866, 0.027353579178452492, 0.03771891072392464, 0.04521408677101135, 0.024180060252547264, 0.014667165465652943, 0.007219200488179922, 0.018279170617461205, -0.005254320800304413, -0.011854122392833233, -0.004369603935629129, -0.03847547993063927, -0.05460796132683754, -0.05557473003864288, -0.04553980007767677, -0.05794507637619972, -0.07487305253744125, -0.0652318224310875, -0.08661048114299774, -0.1089426651597023, -0.10375923663377762, -0.08391428738832474, -0.10459765791893005, -0.148720383644104, -0.1005389541387558, -0.08903814107179642, -0.13598109781742096, -0.14403605461120605, -0.11345695704221725, -0.10143949091434479, -0.15800228714942932, -0.14237721264362335, -0.10298672318458557, -0.1195768341422081, -0.13684089481830597, -0.11747950315475464, -0.10377348214387894, -0.09100863337516785, -0.11118931323289871, -0.09638519585132599, -0.06139841303229332, -0.025238674134016037, -0.02708090841770172, -0.024841032922267914, 0.07777594774961472, 0.08734654635190964, 0.06691637635231018, 0.11228027939796448, 0.16291774809360504, 0.15272817015647888, 0.14136967062950134, 0.16323591768741608, 0.12347987294197083, 0.09631118178367615, 0.09220200777053833, 0.05554245412349701, 0.025143764913082123, 0.02153640426695347, -0.0022305939346551895, -0.0509207546710968, -0.038132961839437485, -0.0449710376560688, -0.06380733102560043, -0.054596517235040665, -0.06350613385438919, -0.05260011926293373, -0.05606023594737053, -0.03908557817339897, -0.03991919383406639, -0.0476573221385479, -0.019671905785799026, -0.036626558750867844, -0.03104369156062603, -0.019696645438671112, -0.013263031840324402, 0.0024979733861982822, -0.006700025871396065, 0.017729561775922775, 0.029933040961623192, 0.029028555378317833, 0.053003523498773575, 0.057897552847862244, 0.06573768705129623, 0.07475081831216812, 0.07324521988630295, 0.07145265489816666, 0.05950302258133888, 0.06119341775774956, 0.06079867109656334, 0.03935063257813454, 0.034098926931619644, 0.022309856489300728, 0.006442970130592585, 0.0036765250843018293, -0.008182069286704063, -0.008849367499351501, -0.01838991977274418, -0.02943403832614422, -0.024723991751670837, -0.02929799258708954, -0.023959197103977203, -0.023508930578827858, -0.024797003716230392, -0.022351300343871117, -0.026498155668377876, -0.01473192498087883, -0.0057396721094846725, -0.007185116410255432, -0.00015631878341082484, 0.015959549695253372, 0.027286048978567123, 0.03585265204310417, 0.049157436937093735, 0.0663764551281929, 0.08698567748069763, 0.08501249551773071, 0.09941814094781876, 0.10519660264253616, 0.10850927233695984, 0.09822822362184525, 0.09904202818870544, 0.10446753352880478, 0.08430396020412445, 0.08049862086772919, 0.0625983402132988, 0.04865231364965439, 0.03143005073070526, 0.02588285692036152, 0.0160216037184, -0.0012768253218382597, -0.008197862654924393, -0.015702804550528526, -0.02377207763493061, -0.019329829141497612, -0.019538912922143936, -0.012803547084331512, -0.010358068160712719, -0.008768829517066479, 6.804972508689389e-05, 0.004776129964739084, 0.014398698695003986, 0.019292069599032402, 0.030214712023735046, 0.025942616164684296, 0.028536900877952576, 0.04278365522623062, 0.03561326488852501, 0.036713607609272, 0.03928805887699127, 0.03296118602156639, 0.026567507535219193, 0.02230679802596569, 0.016424454748630524, 0.0010001425398513675, -0.006355796474963427, -0.014098701067268848, -0.02838246524333954, -0.03861149027943611, -0.04911807179450989, -0.056379348039627075, -0.060491129755973816, -0.07019055634737015, -0.07949208468198776, -0.08667901903390884, -0.09947346150875092, -0.10079345107078552, -0.10778018832206726, -0.11387673765420914, -0.11566535383462906, -0.1243186891078949, -0.12490148097276688, -0.13435645401477814, -0.13286130130290985, -0.13200895488262177, -0.12485942989587784, -0.12946993112564087, -0.12599585950374603, -0.1395890712738037, -0.12944085896015167, -0.12472620606422424, -0.13387072086334229, -0.1293470412492752, -0.12555523216724396, -0.1038278341293335, -0.09047093987464905, -0.05041038990020752, -0.028830572962760925, -0.006523037329316139, 0.0358591303229332, 0.08054891973733902, 0.10749759525060654, 0.11629048734903336, 0.15934810042381287, 0.16854535043239594, 0.16143576800823212, 0.16002890467643738, 0.14508076012134552, 0.13206696510314941, 0.10672659426927567, 0.07913064956665039, 0.05006236955523491, 0.03131204843521118, 0.014860600233078003, -0.016122490167617798, -0.024657998234033585, -0.028121186420321465, -0.038907069712877274, -0.04959231987595558, -0.05103842541575432, -0.051415301859378815, -0.055590078234672546, -0.05775677040219307, -0.06115507706999779, -0.05902526155114174, -0.06330955773591995, -0.06338443607091904, -0.06147836521267891, -0.051986221224069595, -0.04002847522497177, -0.03090541623532772, -0.017166320234537125, -0.0014002802781760693, 0.02879459224641323, 0.04431426525115967, 0.059491511434316635, 0.07607672363519669, 0.09461432695388794, 0.10341443866491318, 0.1070922240614891, 0.11404313892126083, 0.1135004535317421, 0.10399647057056427, 0.09338090568780899, 0.08426394313573837, 0.06557058542966843, 0.058202773332595825, 0.044759560376405716, 0.029953761026263237, 0.0213176179677248, 0.011408994905650616, 0.006928940303623676, -0.00564504275098443, -0.0051482077687978745, -0.012285741046071053, -0.020247524604201317, -0.01675541140139103, -0.019343702122569084, -0.02001366950571537, -0.021070560440421104, -0.01174482423812151, -0.002938416786491871, -0.007306304294615984, 0.008276643231511116, 0.022963354364037514, 0.03635900467634201, 0.04952840134501457, 0.072999007999897, 0.08635074645280838, 0.09655939787626266, 0.1073845773935318, 0.11993846297264099, 0.12857098877429962, 0.12649410963058472, 0.12529362738132477, 0.11860528588294983, 0.11040826886892319, 0.10258685797452927, 0.08677041530609131, 0.07509418576955795, 0.05904993787407875, 0.04677155986428261, 0.033707354217767715, 0.025437334552407265, 0.021485233679413795, 0.014945385046303272, 0.010409616865217686, 0.007456259801983833, 0.013154163956642151, 0.010382505133748055, 0.004937433637678623, 0.011377275921404362, 0.007062802091240883, 0.009641988202929497, 0.012215150520205498, 0.006934694945812225, 0.01301975641399622, 0.015995772555470467, 0.016505906358361244, 0.02183016948401928, 0.027190787717700005, 0.030219927430152893, 0.03169778734445572, 0.028078624978661537, 0.026748234406113625, 0.029510565102100372, 0.021303413435816765, 0.009515389800071716, -0.00040323042776435614, -0.002728690393269062, -0.01394660398364067, -0.026657911017537117, -0.039090875536203384, -0.053237222135066986, -0.0569281242787838, -0.06408905982971191, -0.07410605251789093, -0.08009044080972672, -0.08940763771533966, -0.09861186146736145, -0.10546398162841797, -0.10973675549030304, -0.11298888921737671, -0.11397164314985275, -0.1086438000202179, -0.11617312580347061, -0.12214788049459457, -0.12872089445590973, -0.12982593476772308, -0.12002807855606079, -0.13310451805591583, -0.12536241114139557, -0.1243722066283226, -0.13291426002979279, -0.13432037830352783, -0.13766828179359436, -0.11032810807228088, -0.13183091580867767, -0.11169034242630005, -0.0751342698931694, -0.05511721968650818, -0.027931755408644676, -0.011232417076826096, 0.03199883550405502, 0.07214688509702682, 0.10712645202875137, 0.11619222909212112, 0.14374671876430511, 0.1651574820280075, 0.16900217533111572, 0.1629447489976883, 0.1439928412437439, 0.14475353062152863, 0.11466915160417557, 0.08379928767681122, 0.053922347724437714, 0.028629116714000702, 0.011524667963385582, -0.0172163937240839, -0.03021288849413395, -0.04233285412192345, -0.04463988542556763, -0.04757871478796005, -0.06104535982012749, -0.059160973876714706, -0.05396079644560814, -0.05304013565182686, -0.06927163898944855, -0.0709693431854248, -0.0668969377875328, -0.07376046478748322, -0.06424117088317871, -0.06176764890551567, -0.05367789790034294, -0.03420960530638695, -0.019795553758740425, -0.00394036341458559, 0.019961435347795486, 0.05037849023938179, 0.06670967489480972, 0.07112579792737961, 0.09029484540224075, 0.10759814828634262, 0.10521242767572403, 0.10141980648040771, 0.10010047256946564, 0.09696456789970398, 0.0807027816772461, 0.05720658600330353, 0.04929506778717041, 0.04303378984332085, 0.024398572742938995, 0.01491579134017229, 0.01188801322132349, 0.002596647245809436, 0.0019004190107807517, -0.0055550578981637955, -0.013134390115737915, -0.012619007378816605, -0.012735218740999699, -0.020331911742687225, -0.0256902314722538, -0.024695828557014465, -0.014361056499183178, -0.007949303835630417, -0.006045665126293898, 0.009183529764413834, 0.02623261697590351, 0.03668652102351189, 0.04460639879107475, 0.06419511884450912, 0.07101141661405563, 0.08324810117483139, 0.09513270109891891, 0.09655684232711792, 0.1067933440208435, 0.11179107427597046, 0.11877564340829849, 0.11432155966758728, 0.1132020652294159, 0.10069026052951813, 0.08609088510274887, 0.07979446649551392, 0.05793195590376854, 0.04767947271466255, 0.034338515251874924, 0.024984225630760193, 0.018044065684080124, 0.01426732912659645, 0.011980922892689705, 0.006156812887638807, 0.007815001532435417, 0.0043416316621005535, -2.4998249159580155e-07, 0.00010801261669257656, -0.0035861635114997625, -0.0003108326345682144, 0.0014678483130410314, 0.0047899167984724045, 0.007189957424998283, 0.015093513764441013, 0.020026184618473053, 0.01794336922466755, 0.025518836453557014, 0.021432233974337578, 0.0182297695428133, 0.022768251597881317, 0.018653398379683495, 0.016441242769360542, 0.01096585113555193, 0.009226460009813309, -0.0005077322712168097, -0.007398823741823435, -0.01331655029207468, -0.029030317440629005, -0.035853736102581024, -0.04793154448270798, -0.0635831207036972, -0.07496246695518494, -0.08978674560785294, -0.09523551911115646, -0.10325778275728226, -0.12268573045730591, -0.12049732357263565, -0.1303739994764328, -0.13698826730251312, -0.1345963329076767, -0.1358734518289566, -0.13257260620594025, -0.13078752160072327, -0.12280232459306717, -0.1230902373790741, -0.1209215521812439, -0.121677465736866, -0.11837399005889893, -0.12535150349140167, -0.13422399759292603, -0.1429429054260254, -0.1469171643257141, -0.14635704457759857, -0.15679197013378143, -0.12227863073348999, -0.12730316817760468, -0.09307900071144104, -0.03481895849108696, 0.0069221253506839275, 0.057633522897958755, 0.09000777453184128, 0.13608194887638092, 0.15539957582950592, 0.1875552088022232, 0.1830846220254898, 0.17918241024017334, 0.16275496780872345, 0.12269563227891922, 0.08415438234806061, 0.04763750731945038, 0.03225632384419441, -0.0013157313223928213, -0.010717752389609814, -0.03321031853556633, -0.043196529150009155, -0.04203781485557556, -0.044473662972450256, -0.03778043016791344, -0.04718085378408432, -0.0624113492667675, -0.0789945125579834, -0.09593052417039871, -0.09640888124704361, -0.09266936033964157, -0.08674543350934982, -0.08445116877555847, -0.06258534640073776, -0.03024865873157978, 0.0033314109314233065, 0.03831801190972328, 0.07647369801998138, 0.11590146273374557, 0.12038940191268921, 0.1337737888097763, 0.12065780907869339, 0.11019662022590637, 0.11029820889234543, 0.08312660455703735, 0.06289556622505188, 0.037016309797763824, 0.02400127425789833, 0.007235296536237001, 0.0055490476079285145, 0.01001617219299078, 0.0027581334579735994, 0.0005232569528743625, -0.017128465697169304, -0.02374962531030178, -0.02606329880654812, -0.027165472507476807, -0.03233589604496956, -0.04151967912912369, -0.05303214490413666, -0.058066144585609436, -0.04668603092432022, -0.022065619006752968, 0.0020417210180312395, 0.023502666503190994, 0.038398656994104385, 0.051865480840206146, 0.08072277158498764, 0.10634221136569977, 0.12078487873077393, 0.11259391158819199, 0.10043363273143768, 0.08549071103334427, 0.05810883641242981, 0.05183497443795204, 0.04747319966554642, 0.04668961092829704, 0.05406378582119942, 0.05402636528015137, 0.05386735498905182, 0.07982433587312698, 0.09995467215776443, 0.10341757535934448, 0.1056869700551033, 0.09573531150817871, 0.07248177379369736, 0.05578864365816116, 0.03700241446495056, 0.024704381823539734, 0.018611660227179527, 0.008012642152607441, 0.0027461617719382048, -0.0072275009006261826, 0.0030605292413383722, 0.0051453025080263615, 0.016885511577129364, 0.028432032093405724, 0.0253611970692873, 0.027830809354782104, 0.016313796862959862, 0.017188599333167076, 0.03429421782493591, 0.03590069338679314, 0.03799741342663765, 0.029590079560875893, 0.03040245920419693, 0.04110508784651756, 0.033523861318826675, 0.05238040164113045, 0.03769882395863533, 0.03685617446899414, 0.026352565735578537, -0.006973035167902708, -0.009643195196986198, -0.03292033448815346, -0.034271109849214554, -0.0598071850836277, -0.07885566353797913, -0.08248596638441086, -0.09182130545377731, -0.08798923343420029, -0.09451775997877121, -0.10039490461349487, -0.10477978736162186, -0.10941339284181595, -0.11724502593278885, -0.11986076086759567, -0.1168433353304863, -0.12121525406837463, -0.12024101614952087, -0.12213832885026932, -0.1229308620095253, -0.12121028453111649, -0.12296644598245621, -0.1119200736284256, -0.12974019348621368, -0.13042107224464417, -0.14128513634204865, -0.16554896533489227, -0.15886148810386658, -0.16934943199157715, -0.1728692203760147, -0.17371544241905212, -0.17320029437541962, -0.1494574099779129, -0.11007790267467499, -0.03163306787610054, 0.043645162135362625, 0.10117591917514801, 0.17459601163864136, 0.18158367276191711, 0.22290772199630737, 0.2275647521018982, 0.2040436863899231, 0.19550931453704834, 0.1311534345149994, 0.08036646246910095, -0.00038823793875053525, -0.03577085956931114, -0.06768465042114258, -0.08081675320863724, -0.07266063988208771, -0.09857949614524841, -0.09708862006664276, -0.09218429774045944, -0.1041269525885582, -0.09568089991807938, -0.09305839240550995, -0.10791408270597458, -0.12137489765882492, -0.13252271711826324, -0.11478573083877563, -0.08755140751600266, -0.026970304548740387, 0.025503696873784065, 0.06529364734888077, 0.13225029408931732, 0.16101312637329102, 0.1912001669406891, 0.21342286467552185, 0.21268869936466217, 0.1908300369977951, 0.14802619814872742, 0.1018434464931488, 0.05940451845526695, 0.02709445357322693, 0.002650249982252717, -0.02402142807841301, -0.03499144688248634, -0.05362986773252487, -0.08120384067296982, -0.08791802078485489, -0.10716018080711365, -0.10927373915910721, -0.11530027538537979, -0.13436657190322876, -0.1402624547481537, -0.12736834585666656, -0.10257023572921753, -0.06397431343793869, -0.007219433318823576, 0.035160209983587265, 0.06376650184392929, 0.1032736599445343, 0.1262655258178711, 0.14319218695163727, 0.1592017412185669, 0.14790338277816772, 0.1270461529493332, 0.1099105179309845, 0.10102159529924393, 0.09021885693073273, 0.08215192705392838, 0.08434102684259415, 0.07359867542982101, 0.05100527033209801, 0.03107123263180256, 0.011388770304620266, -0.01107653696089983, -0.023368317633867264, -0.043828707188367844, -0.06784146279096603, -0.05937620997428894, -0.04643889144062996, -0.010964135639369488, 0.0264133308082819, 0.0653490349650383, 0.09416667371988297, 0.11968149989843369, 0.1307448297739029, 0.12856097519397736, 0.13968347012996674, 0.12263419479131699, 0.08573146164417267, 0.06849745661020279, 0.04396903142333031, 0.033337488770484924, 0.027291230857372284, 0.012765469029545784, 0.026001857593655586, 0.0292335357517004, 0.029925363138318062, 0.025072144344449043, 0.029314329847693443, 0.016448788344860077, 0.017508583143353462, 0.025353269651532173, -0.005606427788734436, 0.010930117219686508, 0.014811016619205475, 0.007257555145770311, 0.024738265201449394, 0.02660384774208069, 0.018722297623753548, 0.015939993783831596, 0.0011930391192436218, -0.01920458674430847, -0.032661501318216324, -0.052683424204587936, -0.07131839543581009, -0.08115456998348236, -0.08697620034217834, -0.09666181355714798, -0.08380232006311417, -0.08371139317750931, -0.07087395340204239, -0.06248149648308754, -0.07989207655191422, -0.06469331681728363, -0.07269994169473648, -0.08621001243591309, -0.07734298706054688, -0.1077166199684143, -0.09991979598999023, -0.09230035543441772, -0.1151968240737915, -0.12668828666210175, -0.13124915957450867, -0.15571071207523346, -0.15092839300632477, -0.18616266548633575, -0.21452584862709045, -0.18092481791973114, -0.21316926181316376, -0.17867863178253174, -0.1776365041732788, -0.15484561026096344, -0.14914461970329285, -0.18120019137859344, -0.16646943986415863, -0.1526317000389099, -0.07016545534133911, -0.005703939124941826, 0.04652762785553932, 0.13191349804401398, 0.2136489897966385, 0.20705091953277588, 0.2530428469181061, 0.21051926910877228, 0.2135307788848877, 0.19042108952999115, 0.09975691884756088, 0.029186785221099854, -0.041402287781238556, -0.05227864906191826, -0.11141248792409897, -0.09074992686510086, -0.09505297988653183, -0.09399943053722382, -0.09989738464355469, -0.126382514834404, -0.12859591841697693, -0.12041237950325012, -0.11430271714925766, -0.14175689220428467, -0.14117346704006195, -0.11900471895933151, -0.08094801008701324, -0.023781051859259605, 0.060252875089645386, 0.12187857180833817, 0.1784985363483429, 0.20086772739887238, 0.1952371597290039, 0.22562260925769806, 0.2236662358045578, 0.20636118948459625, 0.16250212490558624, 0.12007316946983337, 0.07614424079656601, 0.03404821455478668, 0.013265624642372131, -0.017830366268754005, -0.025734247639775276, -0.05063697695732117, -0.09873834252357483, -0.12048118561506271, -0.12824532389640808, -0.12102166563272476, -0.11929181963205338, -0.11677176505327225, -0.11184579879045486, -0.10840705037117004, -0.06927128881216049, -0.04796265810728073, -0.010146532207727432, 0.042453475296497345, 0.06410421431064606, 0.08375544100999832, 0.12034320086240768, 0.13277773559093475, 0.15604476630687714, 0.1648249477148056, 0.14380799233913422, 0.12831641733646393, 0.0891156792640686, 0.06466260552406311, 0.0477231927216053, 0.03234795853495598, 0.033170878887176514, 0.014760191552340984, -0.0026641280855983496, -0.006784501019865274, -0.019237572327256203, 0.015465191565454006, -0.011561003513634205, 0.0012593840947374701, -0.0069594476372003555, -0.05378337204456329, -0.020149845629930496, -0.02798660285770893, 0.013858090154826641, 0.07673878222703934, 0.08696793764829636, 0.12453372031450272, 0.13942301273345947, 0.15347762405872345, 0.16569770872592926, 0.16038674116134644, 0.13476519286632538, 0.09543463587760925, 0.05078369751572609, 0.02810443378984928, 0.02180066704750061, 0.029792098328471184, 0.04959660768508911, 0.042678479105234146, 0.04067324846982956, 0.031409312039613724, 0.038524698466062546, 0.025821631774306297, 0.022560663521289825, 0.009335210546851158, -0.008473015390336514, 0.002874823985621333, -0.004778052680194378, 0.023159805685281754, 0.05316692218184471, 0.05061011761426926, 0.0692862793803215, 0.041203513741493225, -0.007088968995958567, 0.00012503907782956958, -0.027715301141142845, -0.045042023062705994, -0.03414585813879967, -0.06255654245615005, -0.04697413370013237, -0.044601552188396454, -0.042962152510881424, -0.020459946244955063, -0.04057632386684418, -0.03614431992173195, -0.07964961975812912, -0.08834902197122574, -0.09567847102880478, -0.08999082446098328, -0.09027056396007538, -0.08833315223455429, -0.06383370608091354, -0.10320490598678589, -0.06605226546525955, -0.08802114427089691, -0.14382444322109222, -0.090181864798069, -0.17599886655807495, -0.1641426533460617, -0.18528911471366882, -0.20888356864452362, -0.16344188153743744, -0.18535950779914856, -0.11870206147432327, -0.13147689402103424, -0.12910206615924835, -0.11070173233747482, -0.14637231826782227, -0.162954643368721, -0.18075087666511536, -0.2421291023492813, -0.21397297084331512, -0.1789228469133377, -0.0446833074092865, 0.10513164848089218, 0.16265390813350677, 0.26858606934547424, 0.21113735437393188, 0.2953309416770935, 0.19767498970031738, 0.18167810142040253, 0.11314655095338821, 0.047101303935050964, -0.01635499857366085, -0.05570162460207939, -0.051056429743766785, -0.03963002935051918, 0.02744450233876705, 0.004158956464380026, -0.021272728219628334, -0.08435823768377304, -0.12496296316385269, -0.2062438279390335, -0.2112194001674652, -0.220601424574852, -0.17956717312335968, -0.14880241453647614, -0.11228696256875992, -0.028808677569031715, 0.057249560952186584, 0.14419177174568176, 0.17297804355621338, 0.20464801788330078, 0.17069047689437866, 0.1551976352930069, 0.12373194843530655, 0.12332407385110855, 0.1303253024816513, 0.13851645588874817, 0.14265070855617523, 0.11779042333364487, 0.09806528687477112, 0.06225431337952614, 0.03409315273165703, -0.0334586538374424, -0.07632041722536087, -0.14520852267742157, -0.18417860567569733, -0.21126112341880798, -0.19205576181411743, -0.1521395593881607, -0.09053950011730194, -0.05679118260741234, -0.030935660004615784, 0.009099061600863934, -0.00624367268756032, 0.02715800702571869, 0.024752506986260414, 0.038573216646909714, 0.044730786234140396, 0.06742563098669052, 0.10605692863464355, 0.1083945706486702, 0.1731744408607483, 0.18040290474891663, 0.17133741080760956, 0.12499954551458359, 0.07732569426298141, 0.030305078253149986, -0.02767222374677658, -0.05286487191915512, -0.06768708676099777, -0.060617875307798386, -0.04683610424399376, -0.03637366369366646, -0.034845683723688126, 0.005976448766887188, -0.002795175416395068, 0.019922424107789993, 0.005173741839826107, -0.04379015415906906, -0.01722683571279049, 0.0012541410978883505, 0.016256412491202354, 0.06413278728723526, 0.1494544893503189, 0.1627187728881836, 0.19905704259872437, 0.21682144701480865, 0.18024057149887085, 0.15229564905166626, 0.12930643558502197, 0.06579168140888214, 0.004679200239479542, 0.00162561796605587, -0.018313338980078697, -0.01106539648026228, 0.022560594603419304, 0.03510153666138649, 0.048740874975919724, 0.04525298252701759, 0.03202267363667488, 0.006458921357989311, -0.0002160256408387795, 0.006041478365659714, -0.023895949125289917, 0.029128065332770348, 0.043780550360679626, 0.05979854241013527, 0.09340337663888931, 0.09545178711414337, 0.10235840082168579, 0.07133341580629349, 0.04380183294415474, -0.0034557636827230453, -0.036351196467876434, -0.032009776681661606, -0.04913874715566635, -0.030538076534867287, -0.030937880277633667, -0.02164584957063198, -0.029637828469276428, -0.07042191177606583, -0.04474179074168205, -0.08817386627197266, -0.09889040142297745, -0.08933909237384796, -0.12478676438331604, -0.08535441011190414, -0.06616183370351791, -0.04649173468351364, -0.020944159477949142, -0.042897164821624756, -0.057319048792123795, -0.10060392320156097, -0.10973343253135681, -0.14567966759204865, -0.14041928946971893, -0.12772487103939056, -0.19130626320838928, -0.13054148852825165, -0.16315174102783203, -0.14522695541381836, -0.11788810044527054, -0.13764773309230804, -0.10179215669631958, -0.17563819885253906, -0.11381856352090836, -0.18394070863723755, -0.2049705535173416, -0.13881339132785797, -0.26732078194618225, -0.22322022914886475, -0.15074409544467926, -0.06136845424771309, 0.11813455820083618, 0.20632408559322357, 0.21736367046833038, 0.2713300883769989, 0.20844539999961853, 0.1548539698123932, 0.11602222919464111, 0.10138639807701111, 0.08169586956501007, 0.039562348276376724, 0.05699419602751732, -0.007735513616353273, 0.06401319801807404, 0.05280662700533867, 0.012588467448949814, -0.05495664104819298, -0.1280086785554886, -0.17949102818965912, -0.2898709177970886, -0.23824304342269897, -0.2057245522737503, -0.1559648960828781, -0.07248930633068085, -0.028124747797846794, 0.018268628045916557, 0.067682646214962, 0.08612336963415146, 0.09375761449337006, 0.09849601238965988, 0.10482297837734222, 0.11304894089698792, 0.12692295014858246, 0.17883950471878052, 0.2221372276544571, 0.2565647065639496, 0.22079797089099884, 0.173747256398201, 0.11582979559898376, 0.02001049555838108, -0.01610707677900791, -0.09468718618154526, -0.11300186067819595, -0.11415565013885498, -0.14071914553642273, -0.11178901791572571, -0.09405533224344254, -0.060709524899721146, -0.050887733697891235, -0.08017129451036453, -0.09020043164491653, -0.09115208685398102, -0.0990358516573906, -0.045251742005348206, -0.008823695592582226, 0.05089735984802246, 0.13912716507911682, 0.15231995284557343, 0.14810574054718018, 0.1669381856918335, 0.15871597826480865, 0.1118922159075737, 0.10260435938835144, 0.04366021975874901, 0.03395308554172516, 0.021611295640468597, 0.043002061545848846, 0.02821536175906658, 0.04782109335064888, 0.071392722427845, 0.00693288492038846, 0.011873465031385422, -0.0657801702618599, -0.05061131343245506, -0.08032528311014175, -0.08410372585058212, -0.05642549693584442, -0.044845812022686005, -0.004814391024410725, 0.03254079446196556, 0.0846569612622261, 0.07163785398006439, 0.1248239055275917, 0.12780489027500153, 0.11158797144889832, 0.11633936315774918, 0.15338437259197235, 0.12397444248199463, 0.1589473932981491, 0.1512998789548874, 0.11865314841270447, 0.11788491159677505, 0.06315230578184128, 0.07112845778465271, 0.030119499191641808, 0.02475268766283989, 0.019849471747875214, -0.021219918504357338, 0.024362051859498024, 0.002472959691658616, 0.02149634249508381, 0.04478913173079491, 0.021052012220025063, 0.056348059326410294, 0.04117229953408241, 0.04329231381416321, 0.03868720680475235, 0.061560481786727905, 0.06318191438913345, 0.05176272243261337, 0.06308171153068542, 0.04259130358695984, 0.033394332975149155, 0.04935358464717865, 0.0024100872687995434, 0.009383018128573895, -0.020775359123945236, -0.041923169046640396, -0.05621110275387764, -0.06829629838466644, -0.07393782585859299, -0.08296430110931396, -0.06642157584428787, -0.08236223459243774, -0.08470907062292099, -0.09104805439710617, -0.07660430669784546, -0.08519323915243149, -0.08829835057258606, -0.05203639343380928, -0.08979146182537079, -0.08802329003810883, -0.07419703900814056, -0.12874525785446167, -0.109366275370121, -0.11369192600250244, -0.1535254418849945, -0.10856445878744125, -0.14324796199798584, -0.1635129749774933, -0.16866888105869293, -0.15919077396392822, -0.15889613330364227, -0.16818411648273468, -0.10160598158836365, -0.1958165317773819, -0.07727675884962082, -0.15220756828784943, -0.15838150680065155, -0.1283828467130661, -0.22440314292907715, -0.16243809461593628, -0.2660733759403229, -0.16865971684455872, 0.020605729892849922, 0.10683238506317139, 0.2335747480392456, 0.2689128518104553, 0.19914120435714722, 0.20740246772766113, 0.1337512880563736, 0.04197496175765991, 0.09600871801376343, 0.055365536361932755, 0.058058589696884155, 0.045567914843559265, 0.043153565376996994, 0.040422454476356506, 0.0940576046705246, 0.0026716466527432203, -0.08126455545425415, -0.12916995584964752, -0.23386381566524506, -0.2534336745738983, -0.23736469447612762, -0.16957254707813263, -0.06339747458696365, -0.019854944199323654, 0.014015856198966503, 0.03879613056778908, 0.04546399042010307, 0.03592793270945549, 0.06900981068611145, 0.055219780653715134, 0.10271543264389038, 0.13037778437137604, 0.17294085025787354, 0.2110808789730072, 0.25822505354881287, 0.2612042725086212, 0.19930197298526764, 0.11748161911964417, 0.02878817357122898, -0.015315732918679714, -0.06348154693841934, -0.07368773221969604, -0.0595083050429821, -0.05363032966852188, -0.049459848552942276, -0.07265273481607437, -0.09060489386320114, -0.09267515689134598, -0.11976378411054611, -0.11272206157445908, -0.11459141969680786, -0.11047481745481491, -0.05825610086321831, 0.009729847311973572, 0.05956676974892616, 0.10905241966247559, 0.13040472567081451, 0.13059112429618835, 0.11546538025140762, 0.09149041771888733, 0.12447287887334824, 0.11390075087547302, 0.10234777629375458, 0.11611807346343994, 0.09090663492679596, 0.08991525322198868, 0.0645253136754036, 0.05878930166363716, 0.025266628712415695, -0.01289594080299139, -0.03426634520292282, -0.040445536375045776, -0.05181775242090225, -0.017674686387181282, -0.009352551773190498, -0.021495146676898003, -0.015389632433652878, 0.014446228742599487, -0.02276548184454441, -0.008236823603510857, 0.034684717655181885, 0.007895225659012794, 0.1675756573677063, 0.056704625487327576, 0.08083374053239822, 0.2233889251947403, 0.09107328206300735, 0.1995762586593628, 0.17724961042404175, 0.07594136148691177, 0.08796550333499908, 0.07102445513010025, -0.01958196982741356, 0.040004387497901917, 0.04367516562342644, 0.05376126617193222, 0.03958146274089813, 0.034271445125341415, 0.03367381915450096, 0.025272583588957787, 0.022899392992258072, 0.005907807499170303, 0.02448510378599167, 0.006065746769309044, 0.0428447462618351, 0.03851395472884178, 0.05800892412662506, 0.10203371196985245, 0.03772559016942978, 0.046403925865888596, 0.017842257395386696, -0.019288264214992523, 0.009601050056517124, 0.006751456297934055, -0.009114541113376617, 0.017859140411019325, -0.004879095125943422, -0.02499237470328808, -0.014487258158624172, -0.04824532940983772, -0.0457504466176033, -0.047492865473032, -0.07102277874946594, -0.09079229086637497, -0.05976197496056557, -0.07578013092279434, -0.06981947273015976, -0.039226338267326355, -0.08042515069246292, -0.04651407152414322, -0.09029573947191238, -0.09369238466024399, -0.10175421833992004, -0.12059132009744644, -0.10521455109119415, -0.12850137054920197, -0.14567063748836517, -0.14443576335906982, -0.10058656334877014, -0.16283611953258514, -0.11752065271139145, -0.1536661684513092, -0.2024461179971695, -0.1118578314781189, -0.16449786722660065, -0.15118522942066193, -0.07503642141819, -0.1261899769306183, -0.12156069278717041, -0.10675594955682755, -0.20499399304389954, -0.17465105652809143, -0.27610987424850464, -0.21897035837173462, -0.1573883444070816, -0.03335763141512871, 0.1695723682641983, 0.17654097080230713, 0.1898990124464035, 0.1601758897304535, 0.16705532371997833, 0.037782978266477585, 0.0518588162958622, 0.05337340012192726, 0.03640889748930931, 0.12635387480258942, 0.05418669432401657, 0.07817647606134415, 0.08959168940782547, 0.08217937499284744, -0.013150868006050587, -0.07234365493059158, -0.18123479187488556, -0.1892143189907074, -0.20077957212924957, -0.1920311599969864, -0.11446141451597214, -0.0381554439663887, -0.00018973695114254951, -0.020141828805208206, -0.0045730653218925, 0.007288701832294464, -0.005815807264298201, 0.015689700841903687, 0.04358530417084694, 0.11096488684415817, 0.15795594453811646, 0.2107510268688202, 0.22675739228725433, 0.23320111632347107, 0.21398016810417175, 0.16031323373317719, 0.08521617949008942, 0.03775544837117195, 0.002889169380068779, 2.5267712771892548e-05, 0.003392995335161686, -0.01482877042144537, 0.004904437344521284, -0.03524913266301155, -0.06309375166893005, -0.10003446042537689, -0.12582528591156006, -0.135065957903862, -0.11586329340934753, -0.09701784700155258, -0.055095117539167404, -0.015027967281639576, 0.02703310176730156, 0.06271735578775406, 0.06493279337882996, 0.06942244619131088, 0.06415589898824692, 0.07469620555639267, 0.0853879302740097, 0.09243731200695038, 0.14031100273132324, 0.14128899574279785, 0.13864974677562714, 0.11603156477212906, 0.10278962552547455, 0.06268876045942307, 0.018024811521172523, 0.00908846128731966, -0.0200556181371212, -0.021533077582716942, -0.027358403429389, -0.0018584211356937885, -0.00497965794056654, 0.006560491397976875, 0.01708436943590641, -0.02936202473938465, -0.04333827272057533, -0.008981486782431602, -0.05756836012005806, -0.006769855041056871, 0.05281543359160423, 0.03922393172979355, 0.1605960875749588, 0.1029774621129036, 0.09660790115594864, 0.18172819912433624, 0.10681454837322235, 0.15128393471240997, 0.13009577989578247, 0.07251309603452682, 0.09913916140794754, 0.04917823150753975, 0.056994836777448654, 0.061350006610155106, 0.060134317725896835, 0.08150602877140045, 0.04277314245700836, 0.005550651345402002, 0.02356398105621338, 0.011657202616333961, 0.000434093177318573, 0.018463706597685814, 0.037903424352407455, 0.019927766174077988, 0.06419862061738968, 0.0466315783560276, 0.03647942095994949, 0.0749487578868866, 0.024704180657863617, 0.03255107253789902, 0.01383400708436966, 0.0024800989776849747, 0.04242613539099693, 0.008586457930505276, 0.03691393882036209, 0.03734937682747841, 0.008006764575839043, 0.009456484578549862, -0.017531920224428177, -0.03815440461039543, -0.04299740120768547, -0.05672167241573334, -0.06620284169912338, -0.058502402156591415, -0.06584356725215912, -0.05421923100948334, -0.04702332988381386, -0.06678304821252823, -0.06859297305345535, -0.07256429642438889, -0.08573737740516663, -0.08491434156894684, -0.08306866139173508, -0.1014750599861145, -0.09508665651082993, -0.1103724017739296, -0.10968848317861557, -0.11844872683286667, -0.13100972771644592, -0.09415803849697113, -0.12017861008644104, -0.13495056331157684, -0.12761472165584564, -0.1369679719209671, -0.12241039425134659, -0.11698129028081894, -0.08312267065048218, -0.1092551127076149, -0.08660630136728287, -0.09048119932413101, -0.18483668565750122, -0.11914506554603577, -0.22325879335403442, -0.21270376443862915, -0.14371882379055023, -0.16992218792438507, 0.034312691539525986, 0.11311814188957214, 0.1519411951303482, 0.1892051100730896, 0.15264929831027985, 0.12944744527339935, 0.09358244389295578, 0.06149328127503395, 0.08820360153913498, 0.09579649567604065, 0.11184743046760559, 0.11121901869773865, 0.08295077085494995, 0.07093390077352524, 0.04811751842498779, -0.008227462880313396, -0.09437637031078339, -0.12728950381278992, -0.1625569760799408, -0.17284855246543884, -0.13684390485286713, -0.08920305967330933, -0.02180197648704052, -0.00884630624204874, -0.004738862160593271, -0.01590249128639698, -0.025790398940443993, 0.006664033979177475, 0.02241232804954052, 0.09730450063943863, 0.1477285772562027, 0.19244983792304993, 0.23166684806346893, 0.22074156999588013, 0.23135383427143097, 0.20041252672672272, 0.1589118242263794, 0.10990958660840988, 0.049652572721242905, 0.035121943801641464, 0.01832837425172329, 0.023238208144903183, 0.01397137250751257, -0.007734784856438637, -0.03200841322541237, -0.07937750220298767, -0.13243775069713593, -0.13264812529087067, -0.146286740899086, -0.098848856985569, -0.06983377784490585, -0.03571152314543724, 0.022248525172472, 0.026893610134720802, 0.07234222441911697, 0.0478234738111496, 0.06395343691110611, 0.06704612076282501, 0.0798669308423996, 0.08883141726255417, 0.1219039335846901, 0.15845973789691925, 0.17331041395664215, 0.16645638644695282, 0.11262314766645432, 0.1096118614077568, 0.04868118092417717, 0.01551739126443863, 0.017925746738910675, 0.011663822457194328, 0.005528043955564499, 0.008634320460259914, 0.018783655017614365, -0.02219688706099987, 0.016853561624884605, -0.008812382817268372, -0.026859361678361893, -0.00678226025775075, -0.0346163734793663, 0.0020656513515859842, 0.015506111085414886, 0.06614610552787781, 0.1410091072320938, 0.1356813609600067, 0.14627675712108612, 0.15042392909526825, 0.13040362298488617, 0.19280020892620087, 0.14291244745254517, 0.15745854377746582, 0.16118527948856354, 0.09194255620241165, 0.10957000404596329, 0.05427030101418495, 0.053485650569200516, 0.04704485833644867, 0.06473103165626526, 0.035331856459379196, -0.0006791745545342565, 0.05704092979431152, 0.007026857230812311, 0.033868782222270966, 0.04077979549765587, 0.031404878944158554, 0.05512290820479393, 0.0388285294175148, 0.056942958384752274, 0.04861479625105858, 0.06921403855085373, 0.07636837661266327, 0.050072427839040756, 0.038918543606996536, 0.043785348534584045, 0.03433367982506752, 0.024874480441212654, 0.04157474264502525, 0.036416564136743546, 0.029858233407139778, 0.021654162555933, -0.009879009798169136, -0.019504686817526817, -0.024761270731687546, -0.04845498502254486, -0.0373612679541111, -0.06833045929670334, -0.056815240532159805, -0.04327988252043724, -0.08389881253242493, -0.03907928243279457, -0.08682627230882645, -0.08151740580797195, -0.07932647317647934, -0.10458482056856155, -0.08961423486471176, -0.10384828597307205, -0.09793661534786224, -0.11860200017690659, -0.10548026859760284, -0.10761886090040207, -0.11633909493684769, -0.09384183585643768, -0.10009036213159561, -0.14204014837741852, -0.10886727273464203, -0.1527806520462036, -0.1502540409564972, -0.085279680788517, -0.13305430114269257, -0.07864893227815628, -0.06949549168348312, -0.15011227130889893, -0.12239103764295578, -0.17777158319950104, -0.22012202441692352, -0.21051175892353058, -0.2144523561000824, -0.16922974586486816, -0.03972550109028816, 0.09374208748340607, 0.16594776511192322, 0.17088843882083893, 0.19416381418704987, 0.11314118653535843, 0.10749510675668716, 0.07476124912500381, 0.076404869556427, 0.11109020560979843, 0.14424559473991394, 0.1541798859834671, 0.11742454022169113, 0.09380153566598892, 0.08410130441188812, -0.016014518216252327, -0.06681454926729202, -0.11886516958475113, -0.1880469024181366, -0.16710738837718964, -0.17316143214702606, -0.10520846396684647, -0.07304268330335617, -0.032283294945955276, -0.02446862682700157, -0.0642271563410759, -0.04640256240963936, -0.042508963495492935, -0.0022045315708965063, 0.06154688820242882, 0.13404043018817902, 0.1975250095129013, 0.2124391496181488, 0.238760307431221, 0.21966026723384857, 0.19786088168621063, 0.17048519849777222, 0.10916030406951904, 0.0823383778333664, 0.04806136339902878, 0.03347640857100487, 0.039540477097034454, 0.02615601010620594, 0.008912569843232632, -0.03619784489274025, -0.06913089007139206, -0.12728087604045868, -0.15987512469291687, -0.13413622975349426, -0.12970401346683502, -0.08644767850637436, -0.05244000256061554, -0.025258852168917656, 0.015286923386156559, 0.022685261443257332, 0.02984527498483658, 0.03591245412826538, 0.04253874719142914, 0.06728147715330124, 0.08098646998405457, 0.12067388743162155, 0.1509772092103958, 0.1778365671634674, 0.1744949370622635, 0.13613322377204895, 0.09608305990695953, 0.052859023213386536, 0.036674946546554565, -0.0009004704188555479, 0.021947214379906654, 0.016678618267178535, 0.013804948888719082, 0.010283039882779121, 0.0005021344404667616, -0.00845594983547926, -0.028615601360797882, -0.03569456562399864, -0.06264209747314453, -0.0432375967502594, -0.04180866479873657, -0.0009376746020279825, 0.06121107563376427, 0.08955918997526169, 0.1253383457660675, 0.12882573902606964, 0.11139660328626633, 0.12435514479875565, 0.14016127586364746, 0.14649315178394318, 0.18467974662780762, 0.1510486900806427, 0.14040780067443848, 0.1259271651506424, 0.047135062515735626, 0.06526206433773041, 0.05664446949958801, 0.03839637711644173, 0.03693505749106407, 0.030174659565091133, 0.0007068092236295342, -0.0059468368999660015, 0.005658608861267567, -0.014442228712141514, 0.005305834114551544, 0.01695588417351246, 0.0026307778898626566, 0.016498351469635963, 0.041246961802244186, 0.0516575388610363, 0.07489620894193649, 0.07114282250404358, 0.05344517529010773, 0.043095484375953674, 0.02686551958322525, 0.024723919108510017, 0.032354529947042465, 0.048576150089502335, 0.04794180765748024, 0.0061425999738276005, 0.017369486391544342, -0.01859753392636776, -0.02550915814936161, -0.040377408266067505, -0.07099547237157822, -0.05635616183280945, -0.0662919208407402, -0.06969056278467178, -0.07467285543680191, -0.0681987926363945, -0.0794912725687027, -0.1001310870051384, -0.09622421860694885, -0.12303554266691208, -0.118541419506073, -0.09472069144248962, -0.12494352459907532, -0.09380705654621124, -0.12114184349775314, -0.10598702728748322, -0.1068577766418457, -0.11924675107002258, -0.07990045845508575, -0.1144985780119896, -0.1213587298989296, -0.13996857404708862, -0.1582617163658142, -0.13180039823055267, -0.11413166671991348, -0.11763264983892441, -0.12369681149721146, -0.1143469288945198, -0.14917033910751343, -0.19380496442317963, -0.16625383496284485, -0.23911337554454803, -0.2676038444042206, -0.1984843909740448, -0.21142399311065674, -0.027577228844165802, 0.12374526262283325, 0.1888033002614975, 0.20809611678123474, 0.1544150859117508, 0.1567472368478775, 0.07761834561824799, 0.05874216556549072, 0.09484905749559402, 0.1527649164199829, 0.1710788458585739, 0.1866023987531662, 0.13019171357154846, 0.08570244163274765, 0.07406634092330933, -0.01243173610419035, -0.09146600216627121, -0.14649736881256104, -0.18757767975330353, -0.18802042305469513, -0.15486900508403778, -0.1395680010318756, -0.04908435419201851, -0.020766006782650948, -0.065985307097435, -0.07353421300649643, -0.09079699963331223, -0.06653102487325668, -0.018267275765538216, 0.0678626075387001, 0.14258356392383575, 0.21924179792404175, 0.24020366370677948, 0.2319200038909912, 0.2244025617837906, 0.17948408424854279, 0.16352859139442444, 0.10372557491064072, 0.057940173894166946, 0.05277499184012413, 0.04402606189250946, 0.046170566231012344, 0.03152856603264809, -0.005884560290724039, -0.045693375170230865, -0.09592240303754807, -0.1576823592185974, -0.16789226233959198, -0.14612121880054474, -0.127627894282341, -0.09199660271406174, -0.05496378242969513, -0.05006029084324837, -0.019528809934854507, -0.01397733110934496, 0.0014965852024033666, 0.026112940162420273, 0.033195026218891144, 0.07511107623577118, 0.09171559661626816, 0.1410621702671051, 0.17737379670143127, 0.19088220596313477, 0.18591488897800446, 0.12420912832021713, 0.08693169057369232, 0.0424315370619297, 0.013325538486242294, 0.012135450728237629, 0.017214961349964142, 0.023214291781187057, 0.009681500494480133, 0.017922276630997658, -0.0017782861832529306, -0.018404608592391014, -0.03454234078526497, -0.07139641791582108, -0.09569340199232101, -0.06301448494195938, -0.049576859921216965, 0.03772680088877678, 0.05198952928185463, 0.08067246526479721, 0.12505614757537842, 0.06576871126890182, 0.09638883173465729, 0.07713200151920319, 0.07589428126811981, 0.18491290509700775, 0.13266509771347046, 0.17221568524837494, 0.16651977598667145, 0.08293845504522324, 0.08699023723602295, 0.06808484345674515, 0.0013552226591855288, 0.05912860855460167, 0.002181733027100563, -0.0060261692851781845, 0.021693319082260132, -0.001181769068352878, 0.011174770072102547, 0.01377424132078886, 0.02129448764026165, -0.01720654033124447, 0.011093148030340672, -0.0011133590014651418, 0.004146860912442207, 0.06283383071422577, 0.03543857857584953, 0.05191078782081604, 0.046563755720853806, 0.023933157324790955, 0.01848236471414566, -0.004386350512504578, 0.0013861380284652114, 0.00528401555493474, 0.011497698724269867, -0.013798442669212818, -0.007685759570449591, 0.00032392636057920754, -0.0206381157040596, -0.026374949142336845, -0.04987488314509392, -0.06470920890569687, -0.08192697167396545, -0.09008508920669556, -0.07416481524705887, -0.10212339460849762, -0.08460932224988937, -0.10115692764520645, -0.13177770376205444, -0.1159760132431984, -0.13421641290187836, -0.12601326406002045, -0.0999237447977066, -0.12020564079284668, -0.12782636284828186, -0.11335276812314987, -0.13306356966495514, -0.12708382308483124, -0.09644803404808044, -0.10667017847299576, -0.11429712921380997, -0.131856307387352, -0.1706257462501526, -0.10700730979442596, -0.16169367730617523, -0.11777275800704956, -0.06833046674728394, -0.17741984128952026, -0.11185946315526962, -0.12321633845567703, -0.24049007892608643, -0.1936662495136261, -0.20517900586128235, -0.2761153280735016, -0.20081299543380737, -0.10284671187400818, 0.042120471596717834, 0.15462814271450043, 0.18998247385025024, 0.20400546491146088, 0.1429240107536316, 0.09477576613426208, 0.0616987943649292, 0.042716264724731445, 0.10658211261034012, 0.17526908218860626, 0.1667035073041916, 0.13008390367031097, 0.10844365507364273, 0.04633312672376633, -0.005578570533543825, -0.058725398033857346, -0.15696842968463898, -0.13760457932949066, -0.16566546261310577, -0.20787297189235687, -0.10283735394477844, -0.08918784558773041, -0.04561193659901619, 0.00559265585616231, -0.07217685133218765, -0.06460398435592651, -0.06591906398534775, -0.056496333330869675, 0.01223371084779501, 0.10687537491321564, 0.191181942820549, 0.23893463611602783, 0.2538996934890747, 0.21364589035511017, 0.19564096629619598, 0.16121141612529755, 0.10120461136102676, 0.08777031302452087, 0.05168384313583374, 0.046869680285453796, 0.07122286409139633, 0.018382320180535316, 0.021516816690564156, 0.004025519359856844, -0.09021901339292526, -0.09542848914861679, -0.15810492634773254, -0.16214439272880554, -0.110958993434906, -0.10717877000570297, -0.05736413970589638, -0.022822421044111252, -0.007132462691515684, 0.008715415373444557, 0.004252309910953045, 0.01616867072880268, 0.03100423514842987, 0.05286046862602234, 0.07620536535978317, 0.11042692512273788, 0.1540113091468811, 0.17057164013385773, 0.185954287648201, 0.15232007205486298, 0.10738249868154526, 0.06782595813274384, 0.020468581467866898, -0.0029308972880244255, 0.0017742266645655036, 0.015691744163632393, 0.020001456141471863, 0.007869663648307323, 0.015394913963973522, -0.01802235096693039, -0.0375487394630909, -0.038133859634399414, -0.08002205938100815, -0.06916075199842453, -0.04553018882870674, -0.012908791191875935, 0.03813978284597397, 0.0716337040066719, 0.11286764591932297, 0.08544886112213135, 0.09354368597269058, 0.08256890624761581, 0.07355958968400955, 0.13276539742946625, 0.14048030972480774, 0.15553854405879974, 0.1945975124835968, 0.13491125404834747, 0.12490173429250717, 0.0958731546998024, 0.047962822020053864, 0.05229423940181732, 0.009198464453220367, 0.012673893943428993, 0.025966428220272064, 0.027658836916089058, 0.049460042268037796, 0.05201820284128189, 0.044656142592430115, 0.017678072676062584, 0.009282777085900307, -0.028453251346945763, -0.014890332706272602, 0.00656919414177537, 0.035732001066207886, 0.046481214463710785, 0.06604021042585373, 0.0629049763083458, 0.037056099623441696, 0.027324065566062927, 0.005896804854273796, 0.01490675937384367, 0.003867257386445999, 0.002206548349931836, 0.016544079408049583, 0.01894003339111805, 0.032661087810993195, 0.012731043621897697, 0.00588716147467494, -0.034039780497550964, -0.06577322632074356, -0.0861763134598732, -0.09273959696292877, -0.08775726705789566, -0.0915454849600792, -0.058237988501787186, -0.08578874915838242, -0.09335044771432877, -0.10097192227840424, -0.12544476985931396, -0.09987545758485794, -0.1188020408153534, -0.11408606916666031, -0.08074009418487549, -0.11948832869529724, -0.07690270245075226, -0.07530667632818222, -0.10203567147254944, -0.06042736768722534, -0.08336285501718521, -0.09160760045051575, -0.09477601200342178, -0.12563662230968475, -0.09954864531755447, -0.10312402248382568, -0.1209162101149559, -0.10581415891647339, -0.08576567471027374, -0.14472347497940063, -0.14975504577159882, -0.12936104834079742, -0.2422124743461609, -0.191239595413208, -0.2273835986852646, -0.18582949042320251, -0.047554101794958115, 0.018606020137667656, 0.17126354575157166, 0.19342198967933655, 0.17841434478759766, 0.18953022360801697, 0.10673083364963531, 0.06840743124485016, 0.0948077067732811, 0.09375152736902237, 0.14944471418857574, 0.1336980015039444, 0.14581692218780518, 0.0974123477935791, 0.030894869938492775, 0.027434544637799263, -0.08859733492136002, -0.10645515471696854, -0.13666826486587524, -0.18638572096824646, -0.13796167075634003, -0.1294761300086975, -0.07000227272510529, -0.01807871088385582, -0.02649298496544361, -0.02760482020676136, -0.04039100557565689, -0.04939844086766243, -0.01960098370909691, 0.05080578476190567, 0.11606355756521225, 0.18423372507095337, 0.24299967288970947, 0.22636882960796356, 0.21603797376155853, 0.19078600406646729, 0.14298255741596222, 0.1032627671957016, 0.0963023379445076, 0.06689619272947311, 0.05729491636157036, 0.06181724742054939, 0.02515222690999508, 0.020172633230686188, -0.026044590398669243, -0.06898278743028641, -0.11057320982217789, -0.1346588283777237, -0.150945782661438, -0.11815515905618668, -0.08952169120311737, -0.05479123815894127, -0.0008750886772759259, 0.01441069133579731, 0.03430161997675896, 0.029007485136389732, 0.030506333336234093, 0.020528752356767654, 0.06471391767263412, 0.052802495658397675, 0.10449239611625671, 0.14629650115966797, 0.16442319750785828, 0.18428485095500946, 0.15490585565567017, 0.12283184379339218, 0.06621409952640533, 0.06048407778143883, 0.0012358732055872679, 0.00924602895975113, 0.04251169413328171, 0.002793634310364723, 0.03978290408849716, -0.003479340812191367, -0.019938550889492035, -0.027491997927427292, -0.05448490381240845, -0.04046957194805145, -0.03485451266169548, -0.01078417431563139, 0.009026529267430305, 0.02556450664997101, 0.07083632051944733, 0.09774885326623917, 0.11771998554468155, 0.11007892340421677, 0.12491101771593094, 0.12379122525453568, 0.12706038355827332, 0.16599591076374054, 0.1460159718990326, 0.1787819266319275, 0.1749492883682251, 0.10402720421552658, 0.12066873162984848, 0.04257611930370331, 0.02919141761958599, 0.04097205772995949, 0.017752500250935555, 0.04278375208377838, 0.027927732095122337, 0.06355097144842148, 0.025975225493311882, 0.03364849090576172, 0.02957824058830738, -0.003920349758118391, 0.01590633951127529, 1.6610576494713314e-05, 0.01645180955529213, 0.03850459307432175, 0.05228831246495247, 0.06661681830883026, 0.06412232667207718, 0.038067419081926346, 0.04374537616968155, 0.029450858011841774, -0.0035321619361639023, 0.020625663921236992, 0.016631264239549637, 0.012583987787365913, 0.03905905410647392, 0.020960398018360138, 0.005386451259255409, -0.00010335168190067634, -0.049853790551424026, -0.06601321697235107, -0.07788704335689545, -0.09563913941383362, -0.07133785635232925, -0.08427108079195023, -0.07557397335767746, -0.087648406624794, -0.09866734594106674, -0.11040962487459183, -0.11346811056137085, -0.09968027472496033, -0.10672763735055923, -0.10044411569833755, -0.09812622517347336, -0.08709925413131714, -0.08021678775548935, -0.07736873626708984, -0.06772614270448685, -0.06516830623149872, -0.08606086671352386, -0.08784233778715134, -0.1209036111831665, -0.14092515408992767, -0.11392617970705032, -0.13547126948833466, -0.10290548950433731, -0.10608313232660294, -0.12818801403045654, -0.1301606297492981, -0.16664524376392365, -0.20030254125595093, -0.21511298418045044, -0.22400528192520142, -0.2264707386493683, -0.15248045325279236, -0.030260326340794563, 0.07111143320798874, 0.1411600559949875, 0.215717151761055, 0.19253738224506378, 0.14474062621593475, 0.14342732727527618, 0.07639490813016891, 0.07868236303329468, 0.14105139672756195, 0.15047942101955414, 0.15066657960414886, 0.15059538185596466, 0.10341477394104004, 0.042542800307273865, -0.01703542470932007, -0.07090210914611816, -0.1352306753396988, -0.1563006043434143, -0.17003174126148224, -0.15358707308769226, -0.1223207414150238, -0.0691961720585823, -0.029775461181998253, -0.04877607151865959, -0.04210037365555763, -0.05560697615146637, -0.06629212945699692, -0.008113611489534378, 0.046276841312646866, 0.12128429859876633, 0.19638429582118988, 0.22253040969371796, 0.2427196502685547, 0.2002481073141098, 0.17684616148471832, 0.13187704980373383, 0.10435521602630615, 0.07925575226545334, 0.059883132576942444, 0.0635460838675499, 0.04258189722895622, 0.022610196843743324, 0.002891645999625325, -0.04386464133858681, -0.08470886945724487, -0.13079525530338287, -0.1469614952802658, -0.1630702167749405, -0.13422344624996185, -0.10245287418365479, -0.07410946488380432, -0.014457497745752335, -0.010126587003469467, 0.005458980333060026, 0.008282647468149662, 0.003371297847479582, 0.01571088470518589, 0.03171239793300629, 0.06127125024795532, 0.10140150040388107, 0.1381709724664688, 0.17564253509044647, 0.15605515241622925, 0.13568834960460663, 0.10108134150505066, 0.05487912893295288, 0.007742445915937424, 0.007914812304079533, 0.004443783778697252, -0.0052904789336025715, 0.0173006784170866, 0.004880873952060938, -0.01985367015004158, -0.01810818538069725, -0.04635247588157654, -0.06325482577085495, -0.05691995099186897, -0.04700194671750069, -0.04739788547158241, -0.0033569892402738333, 0.02986895479261875, 0.05075933411717415, 0.0932668000459671, 0.08392515778541565, 0.08288172632455826, 0.08590281754732132, 0.08749328553676605, 0.11092976480722427, 0.12374305725097656, 0.15428580343723297, 0.17515790462493896, 0.14046862721443176, 0.1425638496875763, 0.09532550722360611, 0.048695359379053116, 0.04349715635180473, 0.020625468343496323, 0.0010116256307810545, 0.020571459084749222, 0.023627234622836113, 0.011513532139360905, 0.0323040746152401, 0.014633174054324627, -0.012037225998938084, -0.0039054453372955322, -0.0229641143232584, -0.02252897247672081, -0.0021706034895032644, 0.012866874225437641, 0.03401302918791771, 0.044692959636449814, 0.041341811418533325, 0.03280480578541756, 0.027365796267986298, 0.0028157467022538185, 0.005954058840870857, -0.0008571053040213883, 0.006693968549370766, 0.0063020274974405766, -0.0014618487330153584, -0.003943544812500477, -0.016391275450587273, -0.016129888594150543, -0.04770086705684662, -0.07094403356313705, -0.08210287988185883, -0.09455814957618713, -0.08197386562824249, -0.08974042534828186, -0.06728901714086533, -0.07492907345294952, -0.09017644077539444, -0.09408622235059738, -0.11534836888313293, -0.11433207243680954, -0.11610820144414902, -0.09868106245994568, -0.10105149447917938, -0.10955808311700821, -0.07769709825515747, -0.12339787930250168, -0.09577259421348572, -0.07112947106361389, -0.12069389969110489, -0.09135037660598755, -0.12198305875062943, -0.18903464078903198, -0.1510743945837021, -0.14704038202762604, -0.15563920140266418, -0.10634715855121613, -0.12385275214910507, -0.1466076374053955, -0.15194185078144073, -0.16305942833423615, -0.22379837930202484, -0.18323802947998047, -0.2504465579986572, -0.22760915756225586, -0.10441766679286957, -0.07445689290761948, 0.12820881605148315, 0.19014808535575867, 0.1684114784002304, 0.20211046934127808, 0.13349869847297668, 0.07117480039596558, 0.06659206002950668, 0.07617751508951187, 0.14137761294841766, 0.15241388976573944, 0.1327359527349472, 0.12845928966999054, 0.04456194490194321, 0.01341033261269331, -0.04059959948062897, -0.09967359155416489, -0.15747423470020294, -0.16539014875888824, -0.1809619963169098, -0.1861615926027298, -0.11344438046216965, -0.07671443372964859, -0.048037804663181305, -0.03840170055627823, -0.06074679270386696, -0.05781539902091026, -0.056859150528907776, -0.02493603341281414, 0.05445333197712898, 0.11630598455667496, 0.1640535593032837, 0.21269042789936066, 0.19930684566497803, 0.1879919171333313, 0.1741902232170105, 0.11040923744440079, 0.07860062271356583, 0.05183354765176773, 0.00900360755622387, 0.02421119436621666, 0.0142104746773839, -0.007604736369103193, -0.02137676067650318, -0.056084733456373215, -0.10532493144273758, -0.14081771671772003, -0.16293944418430328, -0.17185194790363312, -0.14517489075660706, -0.12415120005607605, -0.08044465631246567, -0.05053943023085594, -0.044776760041713715, -0.0031546491663903, -0.0073898048140108585, 8.388539572479203e-05, 0.022160086780786514, 0.013182185590267181, 0.057038407772779465, 0.08152855932712555, 0.12135367840528488, 0.15491294860839844, 0.14095349609851837, 0.12902936339378357, 0.08159664273262024, 0.03820579871535301, 0.010799124836921692, -0.015872614458203316, -0.014818084426224232, -0.022073181346058846, -0.006773469969630241, -0.01442282646894455, -0.005419412162154913, -0.007903749123215675, -0.04851503670215607, -0.05068226158618927, -0.08784671127796173, -0.08522751182317734, -0.02830294519662857, -0.03777935728430748, 0.0446477010846138, 0.052623141556978226, 0.06549966335296631, 0.10769592970609665, 0.051666274666786194, 0.06706500798463821, 0.09886563569307327, 0.08115111291408539, 0.13928954303264618, 0.12576059997081757, 0.11936341971158981, 0.12860997021198273, 0.08203689008951187, 0.07145648449659348, 0.06922370940446854, 0.00930133555084467, 0.023885175585746765, -0.014565928839147091, -0.011596303433179855, -0.014112197794020176, 0.005762180313467979, 0.005510377697646618, 0.00516226701438427, 0.020648334175348282, -0.025101784616708755, -0.0033868257887661457, -0.009667421691119671, -0.017480691894888878, 0.025875337421894073, 0.00822207797318697, 0.01846182905137539, 0.04275839030742645, 0.0021244534291327, 0.01192128099501133, 0.009626382030546665, -0.004814984742552042, -0.016144106164574623, -0.027523024007678032, -0.027691038325428963, -0.03258940577507019, -0.01729709468781948, -0.02846500836312771, -0.027935149148106575, -0.043105628341436386, -0.06619103997945786, -0.06851132959127426, -0.08475176244974136, -0.07038406282663345, -0.09392213821411133, -0.08378428220748901, -0.09146102517843246, -0.12458085268735886, -0.0882381945848465, -0.1118883267045021, -0.09865383803844452, -0.07922974973917007, -0.12718172371387482, -0.10903749614953995, -0.1259102076292038, -0.13865195214748383, -0.08993087708950043, -0.10018400102853775, -0.10406516492366791, -0.1312282532453537, -0.15299125015735626, -0.17447838187217712, -0.14299698173999786, -0.14062853157520294, -0.1214887797832489, -0.08384598046541214, -0.13511979579925537, -0.12880578637123108, -0.14057166874408722, -0.23855750262737274, -0.16626062989234924, -0.20490828156471252, -0.2611110806465149, -0.07236137241125107, -0.026025280356407166, 0.08549582213163376, 0.16550229489803314, 0.18433977663516998, 0.18812817335128784, 0.09212606400251389, 0.0925898402929306, 0.05276244506239891, 0.04493442550301552, 0.16370931267738342, 0.13215729594230652, 0.11738690733909607, 0.12919394671916962, 0.061645131558179855, 0.009772326797246933, -0.06494735926389694, -0.08816412836313248, -0.14706914126873016, -0.15670722723007202, -0.14798200130462646, -0.16938228905200958, -0.0781988576054573, -0.0633525475859642, -0.05913747847080231, -0.01084341760724783, -0.0749010518193245, -0.06476107984781265, -0.061660442501306534, -0.04801443964242935, 0.040396254509687424, 0.1064022108912468, 0.1764552742242813, 0.21484880149364471, 0.21268528699874878, 0.20066843926906586, 0.15091846883296967, 0.10605189949274063, 0.06542293727397919, 0.04798783361911774, 0.03990110009908676, 0.03125729784369469, 0.04518858715891838, 0.023145632818341255, 0.007113203871995211, -0.023021850734949112, -0.090672068297863, -0.11520076543092728, -0.15252284705638885, -0.170548677444458, -0.1404191106557846, -0.11573007702827454, -0.07281190156936646, -0.035120006650686264, -0.016054818406701088, -0.016783377155661583, -0.0027968131471425295, -0.0034267783630639315, -0.005888581275939941, 0.0270470529794693, 0.05609205365180969, 0.09442827105522156, 0.14449907839298248, 0.16031795740127563, 0.17156879603862762, 0.14935989677906036, 0.11579728126525879, 0.06042749062180519, 0.03375738486647606, 0.02171812206506729, 0.011141675524413586, 0.03345775231719017, 0.03215014934539795, 0.03245222568511963, 0.03183014318346977, 0.0012196905445307493, -0.03169959411025047, -0.051724012941122055, -0.07752946764230728, -0.0635782927274704, -0.05366756021976471, -0.020246924832463264, 0.02011144533753395, 0.0586443655192852, 0.07559789717197418, 0.060216907411813736, 0.08483632653951645, 0.056002091616392136, 0.08891446888446808, 0.09742655605077744, 0.09005719423294067, 0.13516096770763397, 0.1345108598470688, 0.11471504718065262, 0.13766682147979736, 0.10266280919313431, 0.08813846856355667, 0.06955387443304062, 0.02292809821665287, 0.014439519494771957, 0.00550715671852231, 0.016068773344159126, 0.010980073362588882, 0.03716050833463669, 0.02422371320426464, 0.022463662549853325, 0.005351019557565451, -0.014327675104141235, -0.0035033056046813726, -0.010665461421012878, 0.007293047849088907, 0.009270514361560345, 0.02428906038403511, 0.02468806318938732, 0.028704000636935234, 0.02238769456744194, 0.01590680703520775, 0.010614419355988503, -0.007400453090667725, -0.01386211160570383, -0.026979492977261543, -0.033288002014160156, -0.03434114530682564, -0.034294694662094116, -0.04191114008426666, -0.04494072496891022, -0.049600157886743546, -0.055644482374191284, -0.06791266798973083, -0.08220119029283524, -0.09420868754386902, -0.08724529296159744, -0.10066857188940048, -0.09515544772148132, -0.08574143052101135, -0.08371452242136002, -0.09056654572486877, -0.09251036494970322, -0.10076750069856644, -0.13793934881687164, -0.10337380319833755, -0.10461041331291199, -0.12999506294727325, -0.11000961065292358, -0.12505406141281128, -0.16094429790973663, -0.1247846707701683, -0.13140007853507996, -0.13001488149166107, -0.10020584613084793, -0.09791672229766846, -0.12497697025537491, -0.12955500185489655, -0.1458217054605484, -0.19282960891723633, -0.14654992520809174, -0.20587468147277832, -0.1247267946600914, -0.042298246175050735, 0.014330494217574596, 0.13401108980178833, 0.12175142019987106, 0.16232778131961823, 0.15064425766468048, 0.07369967550039291, 0.08936568349599838, 0.06581967324018478, 0.06789546459913254, 0.14344896376132965, 0.11306892335414886, 0.11128437519073486, 0.1036074161529541, 0.06269946694374084, -0.005875201430171728, -0.0499117411673069, -0.08308885991573334, -0.15785075724124908, -0.1329885870218277, -0.14275754988193512, -0.13138696551322937, -0.07343316823244095, -0.06498631089925766, -0.0336555540561676, -0.0543670728802681, -0.060970038175582886, -0.0588349811732769, -0.054275527596473694, -0.00040592841105535626, 0.04636003449559212, 0.10152125358581543, 0.16555829346179962, 0.19179843366146088, 0.1920018047094345, 0.18097363412380219, 0.14074909687042236, 0.11309795826673508, 0.0804828628897667, 0.057813744992017746, 0.04694560542702675, 0.056068018078804016, 0.04720815271139145, 0.02790158800780773, 0.016018198803067207, -0.03781462833285332, -0.0810433104634285, -0.11557530611753464, -0.14847096800804138, -0.13926298916339874, -0.1245167925953865, -0.09032400697469711, -0.06153388321399689, -0.05088774114847183, -0.02127452939748764, -0.02980400063097477, -0.02885645069181919, -0.009843789041042328, -0.013605347834527493, 0.029825503006577492, 0.07038639485836029, 0.09520712494850159, 0.13460227847099304, 0.1456412523984909, 0.15388937294483185, 0.1444379687309265, 0.10660392045974731, 0.09693051129579544, 0.07568526268005371, 0.06415566056966782, 0.05840646103024483, 0.06242285296320915, 0.05256418511271477, 0.04385978356003761, 0.036831412464380264, -0.016280965879559517, -0.005827815737575293, -0.026019955053925514, -0.05379975587129593, -0.05592416599392891, -0.03757678344845772, -0.007788324728608131, 0.017407488077878952, 0.03232203423976898, 0.05609668418765068, 0.061305660754442215, 0.05511502921581268, 0.10783558338880539, 0.051040925085544586, 0.1087239682674408, 0.127024307847023, 0.09581355005502701, 0.13353772461414337, 0.11830703169107437, 0.11574388295412064, 0.11515896767377853, 0.08370590209960938, 0.06477302312850952, 0.06233685836195946, 0.03788845241069794, 0.03771514073014259, 0.03838949277997017, 0.039046891033649445, 0.03283676877617836, 0.047875430434942245, 0.018247177824378014, 0.016091540455818176, 0.02113388106226921, -0.002475583227351308, 0.004893075209110975, -0.004860354121774435, 0.0008905036957003176, 0.009148388169705868, 0.004650095012038946, 0.01491033285856247, 0.0030930195935070515, -0.01453679520636797, -0.010501859709620476, -0.043703123927116394, -0.03476296737790108, -0.03155910223722458, -0.042961541563272476, -0.02468440681695938, -0.041979413479566574, -0.042851246893405914, -0.04873409494757652, -0.052280452102422714, -0.06122347339987755, -0.06810758262872696, -0.06892849504947662, -0.06937327980995178, -0.07659266144037247, -0.08169815689325333, -0.06755640357732773, -0.0644700899720192, -0.0894329622387886, -0.07588497549295425, -0.1019650474190712, -0.11038187146186829, -0.08609221130609512, -0.12331262975931168, -0.13868126273155212, -0.1471846103668213, -0.1362401843070984, -0.16926394402980804, -0.12311407178640366, -0.1189257875084877, -0.14172354340553284, -0.08802303671836853, -0.15486189723014832, -0.16659873723983765, -0.13560689985752106, -0.22418397665023804, -0.17586739361286163, -0.15293997526168823, -0.1101762056350708, 0.029660440981388092, 0.06672802567481995, 0.13314075767993927, 0.13392700254917145, 0.14438587427139282, 0.14238759875297546, 0.06609798222780228, 0.1216963529586792, 0.09788427501916885, 0.13205291330814362, 0.16898778080940247, 0.15271390974521637, 0.14014175534248352, 0.11791910976171494, 0.07595496624708176, 0.012848332524299622, -0.06762006133794785, -0.06794087588787079, -0.13456368446350098, -0.12736673653125763, -0.09942438453435898, -0.11703921109437943, -0.07161020487546921, -0.08111830055713654, -0.07870601117610931, -0.08483609557151794, -0.10534518957138062, -0.07336204499006271, -0.05988897383213043, -0.004816054366528988, 0.06129368022084236, 0.10616619139909744, 0.1529180258512497, 0.1734934002161026, 0.17804564535617828, 0.1526729315519333, 0.1443411409854889, 0.1311286985874176, 0.11523223668336868, 0.11908621340990067, 0.12430549412965775, 0.11548841744661331, 0.1033615991473198, 0.0674334466457367, 0.03151755779981613, -0.021635204553604126, -0.05778549611568451, -0.10139356553554535, -0.12094593793153763, -0.11801380664110184, -0.1003652885556221, -0.08476590365171432, -0.0801755040884018, -0.06083276867866516, -0.06926962733268738, -0.07509069889783859, -0.06668391823768616, -0.05283482372760773, -0.02987811528146267, 0.00838406290858984, 0.06123224273324013, 0.09210370481014252, 0.12459895759820938, 0.15486536920070648, 0.1448882669210434, 0.1432022601366043, 0.1319727748632431, 0.11329921334981918, 0.11279896646738052, 0.12580935657024384, 0.12049582600593567, 0.11809632182121277, 0.12029539793729782, 0.09956056624650955, 0.07124555855989456, 0.04240644723176956, 0.007086943835020065, -0.004278239328414202, -0.01907495968043804, -0.032755449414253235, -0.026232769712805748, -0.013209853321313858, 0.00925880204886198, 0.0071181743405759335, 0.014208623208105564, 0.022087521851062775, 0.027097612619400024, 0.05152193829417229, 0.0399443581700325, 0.046644940972328186, 0.08592189103364944, 0.07355476170778275, 0.1058451235294342, 0.11029768735170364, 0.11207344383001328, 0.12082106620073318, 0.11588111519813538, 0.1049443855881691, 0.08662857860326767, 0.09296166896820068, 0.08422721177339554, 0.07099741697311401, 0.07411298155784607, 0.0486869215965271, 0.05309000611305237, 0.04226875677704811, 0.0164810698479414, 0.016280733048915863, -0.00021798336820211262, 0.0031818889547139406, -0.009688136167824268, -0.025777123868465424, -0.023045985028147697, -0.052558138966560364, -0.044403284788131714, -0.05031972751021385, -0.05729319527745247, -0.039945006370544434, -0.03411956503987312, -0.036974724382162094, -0.049875445663928986, -0.06404698640108109, -0.05890655145049095, -0.06872229278087616, -0.07140155881643295, -0.0499817430973053, -0.06048837676644325, -0.05682891234755516, -0.049023404717445374, -0.0590665340423584, -0.07932073622941971, -0.06634874641895294, -0.07403697818517685, -0.08434104919433594, -0.09954015910625458, -0.08629126101732254, -0.09725280851125717, -0.09660473465919495, -0.12287359684705734, -0.13281996548175812, -0.1435433328151703, -0.16823144257068634, -0.1331406533718109, -0.20489051938056946, -0.14460909366607666, -0.12706010043621063, -0.17584328353405, -0.1185196042060852, -0.16999128460884094, -0.1748795360326767, -0.15252618491649628, -0.2069438248872757, -0.14423784613609314, -0.06269271671772003, 0.0286483783274889, 0.09233755618333817, 0.09350872784852982, 0.1825905442237854, 0.10448271036148071, 0.16641101241111755, 0.1222602128982544, 0.09021461755037308, 0.17608430981636047, 0.14465990662574768, 0.17224279046058655, 0.17660711705684662, 0.1563049852848053, 0.16651900112628937, 0.08726620674133301, 0.04358105733990669, -0.04112182930111885, -0.06973344832658768, -0.0841599851846695, -0.11723592877388, -0.06895644217729568, -0.09930302202701569, -0.06173324957489967, -0.061996351927518845, -0.1190156564116478, -0.10062742233276367, -0.12117815017700195, -0.10001194477081299, -0.06009187176823616, -0.038487758487463, 0.02149290405213833, 0.07490792870521545, 0.1271916776895523, 0.1337146759033203, 0.13800521194934845, 0.13431240618228912, 0.12422376126050949, 0.12449563294649124, 0.11190459132194519, 0.1192983090877533, 0.1438566893339157, 0.1426941156387329, 0.1292102187871933, 0.09120937436819077, 0.061876315623521805, 0.015755323693156242, -0.02570691518485546, -0.05840158835053444, -0.08861268311738968, -0.08502886444330215, -0.08701346814632416, -0.09017544984817505, -0.08423177897930145, -0.08659340441226959, -0.08212362229824066, -0.09124993532896042, -0.10332772135734558, -0.09602492302656174, -0.0714048221707344, -0.026272691786289215, 0.009190752170979977, 0.0615675188601017, 0.08702417463064194, 0.10451039671897888, 0.11871301382780075, 0.11472039669752121, 0.12135189771652222, 0.13906000554561615, 0.14143319427967072, 0.15235894918441772, 0.15587957203388214, 0.1700516939163208, 0.1558220386505127, 0.14707443118095398, 0.12034059315919876, 0.07611345499753952, 0.055183377116918564, 0.009100591763854027, -0.0018659514607861638, -0.013903274200856686, 0.0011274951975792646, 0.02105291374027729, 0.0037169463466852903, 0.0010875099105760455, -0.011013394221663475, -0.02664928324520588, -0.027690036222338676, -0.025111252442002296, -0.008015389554202557, 0.018547631800174713, 0.04466761648654938, 0.06866725534200668, 0.07458239793777466, 0.08473412692546844, 0.0933724120259285, 0.09307125210762024, 0.07896129786968231, 0.09033194929361343, 0.09611243009567261, 0.09250886738300323, 0.10487381368875504, 0.09107643365859985, 0.08452977985143661, 0.06752940267324448, 0.044354069977998734, 0.02258993126451969, 0.0048554870299994946, -0.01253033522516489, -0.023840853944420815, -0.033838946372270584, -0.03304356709122658, -0.03958339989185333, -0.031237026676535606, -0.04222497344017029, -0.06763847917318344, -0.08171545714139938, -0.0881665050983429, -0.09332077950239182, -0.08777623623609543, -0.0735522136092186, -0.07582356780767441, -0.07349886745214462, -0.07118568569421768, -0.06941107660531998, -0.07815425097942352, -0.08211604505777359, -0.07303135097026825, -0.0749647319316864, -0.08075433224439621, -0.05743657425045967, -0.07128555327653885, -0.04849248006939888, -0.07842469215393066, -0.06331533938646317, -0.08224768936634064, -0.09913936257362366, -0.09957335144281387, -0.14233991503715515, -0.12843088805675507, -0.1458653062582016, -0.11603318899869919, -0.11622866243124008, -0.14255957305431366, -0.08660225570201874, -0.15054406225681305, -0.16962362825870514, -0.11662746220827103, -0.18874534964561462, -0.11614910513162613, -0.1591593474149704, -0.12153354287147522, -0.020234601572155952, 0.04357263073325157, 0.11723258346319199, 0.07558414340019226, 0.13254299759864807, 0.08664283156394958, 0.10058655589818954, 0.10134994238615036, 0.08352246880531311, 0.15923961997032166, 0.16505691409111023, 0.1494217962026596, 0.16089189052581787, 0.12502507865428925, 0.13414685428142548, 0.07565797865390778, 0.029030730947852135, -0.018618376925587654, -0.05131714418530464, -0.03307335451245308, -0.05593278631567955, -0.0369303859770298, -0.046387359499931335, -0.06258399039506912, -0.07116245478391647, -0.10863852500915527, -0.10782111436128616, -0.11356694251298904, -0.09391531348228455, -0.05588102340698242, -0.04780580475926399, -0.004453214351087809, 0.0253734290599823, 0.06266972422599792, 0.06670955568552017, 0.060789596289396286, 0.07266958057880402, 0.06790096312761307, 0.08455713093280792, 0.09032455831766129, 0.10873156785964966, 0.14058980345726013, 0.13357006013393402, 0.11799893528223038, 0.08461569994688034, 0.060179952532052994, 0.045782383531332016, 0.02492106892168522, -0.0010501776123419404, -0.006311778444796801, -0.013523576781153679, -0.025568924844264984, -0.025914795696735382, -0.04170900955796242, -0.05531041696667671, -0.06632552295923233, -0.0786479189991951, -0.08997984975576401, -0.07656554132699966, -0.052672624588012695, -0.033179402351379395, -0.0003160496416967362, 0.011173538863658905, 0.033196981996297836, 0.04802423715591431, 0.05321282520890236, 0.06908028572797775, 0.07494017481803894, 0.10226494818925858, 0.12430086731910706, 0.13441355526447296, 0.14444683492183685, 0.15090715885162354, 0.14116081595420837, 0.1369071751832962, 0.12021385878324509, 0.09744556993246078, 0.09264997392892838, 0.06668397039175034, 0.051692672073841095, 0.06299065798521042, 0.06914760917425156, 0.07194254547357559, 0.05049111321568489, 0.015437193214893341, -0.016312235966324806, -0.024903660640120506, -0.039612576365470886, -0.030607329681515694, -0.007311848923563957, 0.004109167028218508, 0.0242978073656559, 0.01815452054142952, 0.012950056232511997, 0.008833803236484528, 0.008365229703485966, 0.0038984008133411407, 0.010838501155376434, 0.02522849850356579, 0.04380333051085472, 0.05801919475197792, 0.06644777953624725, 0.07647743076086044, 0.07117776572704315, 0.05579322949051857, 0.03791474550962448, 0.03109142929315567, 0.022515403106808662, 0.027823759242892265, 0.031026629731059074, 0.023127978667616844, 0.007757722865790129, -0.008142204955220222, -0.026091810315847397, -0.0528128519654274, -0.06776193529367447, -0.09069565683603287, -0.09909834712743759, -0.10400065034627914, -0.10819564014673233, -0.11795368045568466, -0.11772704869508743, -0.13955320417881012, -0.13120077550411224, -0.14776653051376343, -0.17095695436000824, -0.1626596748828888, -0.1700192391872406, -0.15339520573616028, -0.15039515495300293, -0.13551585376262665, -0.12593095004558563, -0.13217420876026154, -0.13114921748638153, -0.1365530639886856, -0.12527243793010712, -0.12215166538953781, -0.11050242185592651, -0.08879843354225159, -0.12781357765197754, -0.0596737377345562, -0.09232909232378006, -0.08768919855356216, -0.07209926098585129, -0.12592357397079468, -0.006995228584855795, 0.02343239262700081, 0.08240227401256561, 0.08082325011491776, 0.06415552645921707, 0.06787105649709702, 0.0795203447341919, 0.09625972807407379, 0.08626049757003784, 0.0871044173836708, 0.12225520610809326, 0.09123099595308304, 0.13724784553050995, 0.12900210916996002, 0.09935713559389114, 0.10511033236980438, 0.02934725396335125, 0.011047817766666412, -0.010000699199736118, -0.006270787678658962, -0.009494076482951641, -0.002702704630792141, -0.003404082264751196, -0.026963025331497192, -0.025882182642817497, -0.046381574124097824, -0.06725150346755981, -0.061286602169275284, -0.08017678558826447, -0.05696123465895653, -0.024235723540186882, -0.017953947186470032, 0.016355397179722786, 0.023319454863667488, 0.04111491143703461, 0.028186889365315437, 0.03251233324408531, 0.023899896070361137, 0.02677304856479168, 0.05872056260704994, 0.061084847897291183, 0.09146042913198471, 0.09979034960269928, 0.10810919106006622, 0.10240620374679565, 0.08556061238050461, 0.06563954800367355, 0.04786413908004761, 0.038636792451143265, 0.035307321697473526, 0.03638434037566185, 0.04673192650079727, 0.04445704445242882, 0.04406382143497467, 0.030023908242583275, 0.003908259328454733, -0.008577214553952217, -0.02328193187713623, -0.021985512226819992, -0.012486297637224197, 0.0029241011943668127, 0.02031523920595646, 0.026709632948040962, 0.03118361346423626, 0.03063582442700863, 0.022407790645956993, 0.028914455324411392, 0.025342250242829323, 0.04013572260737419, 0.044946346431970596, 0.059076353907585144, 0.08042347431182861, 0.08134038746356964, 0.0944686010479927, 0.08156087249517441, 0.07199806720018387, 0.06481315195560455, 0.0681341215968132, 0.07093645632266998, 0.07322118431329727, 0.07791906595230103, 0.07457437366247177, 0.07419534772634506, 0.06783422082662582, 0.057109519839286804, 0.047078635543584824, 0.0420316644012928, 0.02927124872803688, 0.030682317912578583, 0.029355406761169434, 0.023180468007922173, 0.03074304573237896, 0.03153374046087265, 0.025583483278751373, 0.019465867429971695, 0.013996176421642303, 0.007267842069268227, 0.009543218649923801, 0.011425437405705452, 0.011100921779870987, 0.011295126751065254, 0.018708590418100357, 0.014966181479394436, 0.008872746489942074, 3.623497104854323e-05, -0.007136451080441475, -0.016296587884426117, -0.020228708162903786, -0.027929754927754402, -0.025939973071217537, -0.02609742246568203, -0.033264126628637314, -0.039245665073394775, -0.062482427805662155, -0.07561323791742325, -0.0871819257736206, -0.0878780409693718, -0.09228149801492691, -0.09570310264825821, -0.10820265114307404, -0.10822238028049469, -0.12004182487726212, -0.13180045783519745, -0.13852116465568542, -0.15548710525035858, -0.15301930904388428, -0.17058320343494415, -0.18333280086517334, -0.1786266267299652, -0.18214313685894012, -0.1632712334394455, -0.16249530017375946, -0.16139227151870728, -0.15548904240131378, -0.1617966890335083, -0.14662833511829376, -0.15495134890079498, -0.15885642170906067, -0.15639211237430573, -0.12064441293478012, -0.04683287441730499, 0.014731977134943008, 0.040631357580423355, 0.04204881563782692, 0.04290406405925751, 0.04679381847381592, 0.06766421347856522, 0.07312088459730148, 0.09017009288072586, 0.10622813552618027, 0.12113165855407715, 0.13948692381381989, 0.1550845205783844, 0.16488903760910034, 0.14647513628005981, 0.12085778266191483, 0.07409491389989853, 0.04738716781139374, 0.03572149574756622, 0.03899161145091057, 0.047194954007864, 0.032838668674230576, 0.01598988100886345, -0.0140918530523777, -0.033018048852682114, -0.05238763242959976, -0.0727546289563179, -0.0920921266078949, -0.10540333390235901, -0.09569235891103745, -0.08068545907735825, -0.05962502583861351, -0.04666630178689957, -0.04308111220598221, -0.04559241607785225, -0.05697689577937126, -0.05267396196722984, -0.04699885472655296, -0.025866441428661346, -0.002224822761490941, 0.015606977045536041, 0.04301818460226059, 0.053762439638376236, 0.06753651052713394, 0.06269899755716324, 0.059555236250162125, 0.05422325059771538, 0.05686972290277481, 0.062309592962265015, 0.06918185949325562, 0.08227531611919403, 0.09343057125806808, 0.09982594847679138, 0.08918333053588867, 0.07281826436519623, 0.05747632309794426, 0.04254071041941643, 0.02871185727417469, 0.03138907253742218, 0.037742890417575836, 0.04590592160820961, 0.04061557352542877, 0.03307158872485161, 0.01853324845433235, 0.01002426352351904, -0.0013700706185773015, -0.010047710500657558, -0.010402188636362553, -0.013975635170936584, -0.003189094364643097, 0.0028643410187214613, 0.02342539280653, 0.02921530418097973, 0.02567543089389801, 0.01425455417484045, 0.003687601536512375, 0.008115067146718502, 0.012802906334400177, 0.027998702600598335, 0.038496121764183044, 0.04346251115202904, 0.052252281457185745, 0.05262655392289162, 0.059687331318855286, 0.05494219437241554, 0.04420875012874603, 0.03991314396262169, 0.031186243519186974, 0.03991793468594551, 0.04221970960497856, 0.047815099358558655, 0.0428493432700634, 0.031649112701416016, 0.02403334528207779, 0.013931862078607082, 0.009381144307553768, 0.0027402692940086126, -0.008746867999434471, -0.01781911589205265, -0.020159754902124405, -0.012731721624732018, -0.006295214407145977, -0.019770115613937378, -0.030159026384353638, -0.04524271935224533, -0.0516110323369503, -0.05730144679546356, -0.06323782354593277, -0.05900052189826965, -0.06317082792520523, -0.06069760024547577, -0.06647751480340958, -0.06923743337392807, -0.07302331179380417, -0.07824021577835083, -0.0833851546049118, -0.09015563130378723, -0.08885440230369568, -0.09041774272918701, -0.0919773057103157, -0.08898128569126129, -0.09456976503133774, -0.09801872074604034, -0.10030309110879898, -0.10347188264131546, -0.10356511920690536, -0.10686685144901276, -0.10324171185493469, -0.10637546330690384, -0.10231272876262665, -0.09306617826223373, -0.09163093566894531, -0.09285740554332733, -0.09769527614116669, -0.10264917463064194, -0.097279854118824, -0.08865474164485931, -0.06871495395898819, -0.056815002113580704, -0.047732193022966385, -0.04021408408880234, -0.03125195950269699, -0.007673244923353195, -7.92093214840861e-06, 0.0112267155200243, 0.006851901765912771, 0.001578735769726336, 0.008738265372812748, 0.021778296679258347, 0.04481504112482071, 0.0506402924656868, 0.053034499287605286, 0.04020494967699051, 0.03758586570620537, 0.03874405100941658, 0.043988198041915894, 0.04610305652022362, 0.0415133535861969, 0.04155600070953369, 0.0363280326128006, 0.04033762961626053, 0.041984766721725464, 0.03884274885058403, 0.03708647936582565, 0.028132416307926178, 0.021003225818276405, 0.012447770684957504, 0.014497890137135983, 0.015209849923849106, 0.014134391210973263, 0.018747735768556595, 0.01876722276210785, 0.022572381421923637, 0.016855115070939064, 0.019529016688466072, 0.018289243802428246, 0.017359502613544464, 0.020579565316438675, 0.019201496616005898, 0.026077982038259506, 0.025144539773464203, 0.03012854792177677, 0.029465921223163605, 0.03152289614081383, 0.03043007291853428, 0.028820939362049103, 0.029575996100902557, 0.029189424589276314, 0.03425031155347824, 0.03316359221935272, 0.03808431327342987, 0.03799203410744667, 0.03732689842581749, 0.03317027911543846, 0.029176855459809303, 0.026527756825089455, 0.02685622312128544, 0.028129413723945618, 0.028564194217324257, 0.02981366030871868, 0.03023371659219265, 0.031077340245246887, 0.030946580693125725, 0.03133973851799965, 0.03208361193537712, 0.030022887513041496, 0.028026767075061798, 0.027100268751382828, 0.02947820909321308, 0.032065410166978836, 0.032119788229465485, 0.034830547869205475, 0.03097287006676197, 0.02993553690612316, 0.025766856968402863, 0.024354636669158936, 0.023237114772200584, 0.019097676500678062, 0.021836096420884132, 0.016530336812138557, 0.018480123952031136, 0.014830655418336391, 0.013049645349383354, 0.010456258431077003, 0.006874381098896265, 0.006448226515203714, 0.004985413979738951, 0.002293635858222842, 0.0017925264546647668, 0.0009239178616553545, 0.0033031406346708536, 0.003403740469366312, 0.001433015801012516, 0.0007930475985631347, -0.0030121810268610716, -0.0010376498103141785, -0.0007854534778743982, -0.00046090956311672926, 0.0012020148569718003, -0.0011155117535963655, -0.003123766276985407, -0.0036042288411408663, -0.004189504310488701, -0.004982926417142153, -0.007005847524851561, -0.0084602702409029, -0.011995711363852024, -0.012416542507708073, -0.013684812001883984, -0.01729007624089718, -0.01827111840248108, -0.021901218220591545, -0.021838756278157234, -0.026831956580281258, -0.02781590260565281, -0.028800318017601967, -0.03191177174448967, -0.0327431745827198, -0.037042465060949326, -0.03646650165319443, -0.039727870374917984, -0.041586581617593765, -0.044038619846105576, -0.047498561441898346, -0.050386250019073486, -0.05273059010505676, -0.05339885875582695, -0.056739211082458496, -0.059128835797309875, -0.06009771302342415, -0.0641762986779213, -0.0634167343378067, -0.06839986145496368, -0.07029613852500916, -0.06959586590528488, -0.06886832416057587, -0.06419666856527328, -0.06501148641109467, -0.06114242970943451, -0.06062427535653114, -0.057684075087308884, -0.05715005099773407, -0.05624695494771004, -0.05326772853732109, -0.050350360572338104, -0.0446997806429863, -0.042347103357315063, -0.03587434068322182, -0.030029429122805595, -0.023571865633130074, -0.020603418350219727, -0.01721012592315674, -0.012984707951545715, -0.011368004605174065, -0.0055974330753088, -0.0003823730512522161, 0.00556928850710392, 0.011942307464778423, 0.01432423759251833, 0.020922955125570297, 0.02457149513065815, 0.028360523283481598, 0.030628031119704247, 0.031909916549921036, 0.03690052404999733, 0.03852333500981331, 0.04261748865246773, 0.0445404089987278, 0.04938884451985359, 0.051434289664030075, 0.052821844816207886, 0.053231436759233475, 0.0549921840429306, 0.05628972873091698, 0.05629783496260643, 0.05820438265800476, 0.05754205584526062, 0.05954746901988983, 0.059475164860486984, 0.05857696011662483, 0.056883394718170166, 0.05506322905421257, 0.05395837873220444, 0.05212445557117462, 0.050739601254463196, 0.048391375690698624, 0.04735336825251579, 0.046095654368400574, 0.04482552409172058, 0.04293351620435715, 0.03936753049492836, 0.036504629999399185, 0.03450176492333412, 0.03223426640033722, 0.030187807977199554, 0.02844139188528061, 0.028308868408203125, 0.02672453597187996, 0.0275744516402483, 0.026419000700116158, 0.02580011449754238, 0.024486877024173737, 0.02249077521264553, 0.022299034520983696, 0.020349500700831413, 0.021247239783406258, 0.019733699038624763, 0.018915478140115738, 0.018293099477887154, 0.01740776002407074, 0.017427945509552956, 0.015683623030781746, 0.014269963838160038, 0.014086909592151642, 0.010926787741482258, 0.010895133949816227, 0.00907848309725523, 0.007531682029366493, 0.006860196590423584, 0.004563882946968079, 0.004361590836197138, 0.0010636461665853858, 0.00010991004091920331, -0.0015509482473134995, -0.002935980446636677, -0.0028941440396010876, -0.004677871707826853, -0.004130843561142683, -0.005200632847845554, -0.006089072674512863, -0.006951930467039347, -0.008468649350106716, -0.00924124289304018, -0.01085655391216278, -0.011316433548927307, -0.01246863417327404, -0.01475242618471384, -0.015745984390378, -0.01738712750375271, -0.019397679716348648, -0.022212520241737366, -0.02546980232000351, -0.0286396611481905, -0.029886962845921516, -0.031980570405721664, -0.033761512488126755, -0.0344914086163044, -0.036151185631752014, -0.037519313395023346, -0.04049639403820038, -0.042336877435445786, -0.04503294825553894, -0.047183092683553696, -0.04922683537006378, -0.051462236791849136, -0.05275002866983414, -0.05420227721333504, -0.0553763322532177, -0.05660136416554451, -0.05766822397708893, -0.0603376142680645, -0.060487765818834305, -0.06292732805013657, -0.06450770050287247, -0.06500750035047531, -0.06382486969232559, -0.0617041289806366, -0.060901131480932236, -0.059937868267297745, -0.058306608349084854, -0.05647594854235649, -0.053359031677246094, -0.050062667578458786, -0.048098061233758926, -0.04423867166042328, -0.04134243354201317, -0.03701629862189293, -0.031342197209596634, -0.02563493512570858, -0.019362354651093483, -0.015530955046415329, -0.011215834878385067, -0.00645477045327425, -0.0014024983393028378, 0.004358615260571241, 0.00851720292121172, 0.01347200945019722, 0.01805792935192585, 0.022978849709033966, 0.027387455105781555, 0.031017832458019257, 0.034897711127996445, 0.03823225200176239, 0.042001426219940186, 0.04361720383167267, 0.046316806226968765, 0.047839704900979996, 0.050120335072278976, 0.05207757651805878, 0.05268362537026405, 0.054329901933670044, 0.05436016619205475, 0.055164650082588196, 0.055055730044841766, 0.055825572460889816, 0.05533355101943016, 0.05437743291258812, 0.054256219416856766, 0.05272957682609558, 0.052304066717624664, 0.050365712493658066, 0.04843180626630783, 0.04565686360001564, 0.043358903378248215, 0.04114611819386482, 0.038692113012075424, 0.03650438413023949, 0.033662937581539154, 0.030920473858714104, 0.02705860696732998, 0.023862868547439575, 0.02091643214225769, 0.018684417009353638, 0.015786703675985336, 0.013025874271988869, 0.010757711715996265, 0.008531208150088787, 0.007406008895486593, 0.006473597139120102, 0.005835025571286678, 0.005268473643809557, 0.004069316666573286, 0.003470582887530327, 0.002725958591327071, 0.003067449200898409, 0.003854756010696292, 0.004099104553461075, 0.00430053798481822, 0.004440511576831341, 0.0039027275051921606, 0.0037134510930627584, 0.0036989848595112562, 0.0034104473888874054, 0.003550097346305847, 0.0028223951812833548, 0.003208048641681671, 0.0038446420803666115, 0.0034363085869699717, 0.003919995855540037, 0.0031590068247169256, 0.002246831776574254, 0.0009059436270035803, -0.0003142190398648381, -0.0008493325440213084, -0.001175220008008182, -0.0018852688372135162, -0.0026827040128409863, -0.003464906709268689, -0.00430269492790103, -0.00481103640049696, -0.005020735319703817, -0.00596650829538703, -0.007680550683289766, -0.008334190584719181, -0.00920132827013731, -0.010454474948346615, -0.011098149232566357, -0.011497658677399158, -0.012464356608688831, -0.013305164873600006, -0.014952652156352997, -0.0171374324709177, -0.01852358691394329, -0.019799642264842987, -0.021222451701760292, -0.02313150092959404, -0.024498583748936653, -0.025579210370779037, -0.02737596444785595, -0.029643110930919647, -0.031906306743621826, -0.03432804346084595, -0.03629273548722267, -0.038305725902318954, -0.04007687419652939, -0.0418744795024395, -0.04365355521440506, -0.045107681304216385, -0.04711451008915901, -0.049174714833498, -0.05130815505981445, -0.053741324692964554, -0.0557938814163208, -0.05724130570888519, -0.05818648636341095, -0.05892541632056236, -0.05989469587802887, -0.06068671867251396, -0.06090042367577553, -0.060743141919374466, -0.060636166483163834, -0.059561725705862045, -0.05835050344467163, -0.056937094777822495, -0.05491271987557411, -0.05228035897016525, -0.04952509328722954, -0.046029794961214066, -0.042630840092897415, -0.03874368593096733, -0.03501638025045395, -0.030689066275954247, -0.02629917301237583, -0.022035878151655197, -0.017606420442461967, -0.013296030461788177, -0.008723304606974125, -0.004311653785407543, 0.00015734673070255667, 0.004255283158272505, 0.008099433965981007, 0.011428896337747574, 0.014738738536834717, 0.01809782162308693, 0.021375931799411774, 0.023990962654352188, 0.026739157736301422, 0.028992807492613792, 0.03092302195727825, 0.03253302350640297, 0.03418591618537903, 0.035525694489479065, 0.03660164028406143, 0.037738725543022156, 0.039179425686597824, 0.040311574935913086, 0.041035063564777374, 0.04116051644086838, 0.04125789552927017, 0.04115593433380127, 0.04059839993715286, 0.04060545936226845, 0.040299467742443085, 0.04012696072459221, 0.03954289108514786, 0.03839588537812233, 0.03759957477450371, 0.03608440235257149, 0.03434128686785698, 0.032400283962488174, 0.03070610947906971, 0.028882043436169624, 0.027491403743624687, 0.02577413059771061, 0.02417418546974659, 0.02238420955836773, 0.020726971328258514, 0.01919787935912609, 0.017563210800290108, 0.016515595838427544, 0.01598549075424671, 0.015371716581285, 0.014832389540970325, 0.014347138814628124, 0.013759489171206951, 0.01344485953450203, 0.013105597347021103, 0.012441386468708515, 0.012240072712302208, 0.01201696041971445, 0.01183896791189909, 0.01210563164204359, 0.012222922407090664, 0.012222778983414173, 0.012267433106899261, 0.01203986443579197, 0.01205097883939743, 0.011723397299647331, 0.011480908840894699, 0.01098213903605938, 0.010797249153256416, 0.01028496865183115, 0.010258810594677925, 0.009963775053620338, 0.009427523240447044, 0.009054663591086864, 0.00829228200018406, 0.007555230055004358, 0.006874492391943932, 0.00605142442509532, 0.005563335493206978, 0.0048858243972063065, 0.004167952109128237, 0.0036810168530792, 0.003077324014157057, 0.0023362489882856607, 0.001144380890764296, 7.22490149200894e-05, -0.0007085725083015859, -0.001518904697149992, -0.0023933814372867346, -0.003352179192006588, -0.004298055544495583, -0.006077948026359081, -0.007188248913735151, -0.008885803632438183, -0.010577641427516937, -0.012195836752653122, -0.014143717475235462, -0.015935955569148064, -0.017868082970380783, -0.01951362006366253, -0.02088436670601368, -0.022476548328995705, -0.024007149040699005, -0.02547544240951538, -0.027186349034309387, -0.02891664020717144, -0.030720481649041176, -0.0323733314871788, -0.0336717925965786, -0.0344930961728096, -0.03572514280676842, -0.03730276599526405, -0.03769591078162193, -0.038922268897295, -0.04019952192902565, -0.04032716155052185, -0.041442591696977615, -0.041923392564058304, -0.04176178574562073, -0.042374975979328156, -0.04194928705692291, -0.041134580969810486, -0.04066258668899536, -0.03982510045170784, -0.03863471746444702, -0.037482086569070816, -0.03565564751625061, -0.03359289839863777, -0.031169144436717033, -0.028326906263828278, -0.02551179565489292, -0.022342445328831673, -0.01911964640021324, -0.01597236841917038, -0.012473578564822674, -0.008933905512094498, -0.005484015215188265, -0.0021366996224969625, 0.0015788269229233265, 0.005065388511866331, 0.008501055650413036, 0.011963434517383575, 0.015091842971742153, 0.017960671335458755, 0.020504077896475792, 0.023113979026675224, 0.025529894977808, 0.028003282845020294, 0.03021073341369629, 0.0321805439889431, 0.03382657468318939, 0.03549138829112053, 0.03682975471019745, 0.03835277259349823, 0.03893429413437843, 0.03950192779302597, 0.040088851004838943, 0.040079906582832336, 0.04045799747109413, 0.04040899872779846, 0.04026168957352638, 0.0401880256831646, 0.03986357897520065, 0.03935002163052559, 0.038437698036432266, 0.0370962880551815, 0.03605698421597481, 0.03505268692970276, 0.0336761400103569, 0.032253947108983994, 0.030460486188530922, 0.028972214087843895, 0.027335062623023987, 0.025677412748336792, 0.02391606755554676, 0.02217923291027546, 0.020485537126660347, 0.018685003742575645, 0.016908107325434685, 0.015617423690855503, 0.014407572336494923, 0.013430074788630009, 0.012168273329734802, 0.011000700294971466, 0.010031587444245815, 0.009108418598771095, 0.008171726018190384, 0.007325997110456228, 0.006715425290167332, 0.006252680439502001, 0.005921888165175915, 0.005232110619544983, 0.005223438609391451, 0.004737616050988436, 0.004368419758975506, 0.00396458525210619, 0.0034493906423449516, 0.0030012147035449743, 0.0025440705940127373, 0.0021485367324203253, 0.0018696431070566177, 0.00159867771435529, 0.0008325499948114157, 0.0001941705122590065, -0.0007156772189773619, -0.0014507010346278548, -0.0021156154107302427, -0.002675062045454979, -0.003603036981076002, -0.0038424839731305838, -0.0045173815451562405, -0.005110103636980057, -0.005692376289516687, -0.006294779479503632, -0.0070895180106163025, -0.007881532423198223, -0.008516889996826649, -0.009035504423081875, -0.009469934739172459, -0.009778222069144249, -0.009982583113014698, -0.010180346667766571, -0.010677180252969265, -0.011152099817991257, -0.011747554875910282, -0.012726329267024994, -0.0130833201110363, -0.013959191739559174, -0.014934868551790714, -0.015304606407880783, -0.015708668157458305, -0.016672363504767418, -0.017704226076602936, -0.018366729840636253, -0.019610188901424408, -0.020646631717681885, -0.02151588350534439, -0.02240680903196335, -0.02323770895600319, -0.02408679947257042, -0.02486693672835827, -0.025653176009655, -0.026544535532593727, -0.027543621137738228, -0.028391871601343155, -0.029358023777604103, -0.030030786991119385, -0.03083878941833973, -0.031216636300086975, -0.03165396675467491, -0.03236209601163864, -0.032523397356271744, -0.03293639048933983, -0.033159058541059494, -0.033269915729761124, -0.03310132399201393, -0.03303030505776405, -0.032937660813331604, -0.03241734206676483, -0.03170698508620262, -0.03071877546608448, -0.02969169057905674, -0.028477875515818596, -0.02712191641330719, -0.02584877610206604, -0.024654202163219452, -0.022872574627399445, -0.02116994373500347, -0.0192653089761734, -0.017188936471939087, -0.014661832712590694, -0.012677406892180443, -0.01049036718904972, -0.008270244114100933, -0.006419116631150246, -0.0041457791812717915, -0.0021325810812413692, 9.534079435979947e-05, 0.0023072727490216494, 0.004388437140733004, 0.006831787526607513, 0.00915420800447464, 0.011228032410144806, 0.013106917962431908, 0.01472026202827692, 0.016272680833935738, 0.017957208678126335, 0.019374189898371696, 0.020893504843115807, 0.022367071360349655, 0.02373957633972168, 0.024790911003947258, 0.02569860965013504, 0.026889793574810028, 0.027919193729758263, 0.028721192851662636, 0.029199186712503433, 0.029490379616618156, 0.029889287427067757, 0.03039512038230896, 0.030619224533438683, 0.03100341372191906, 0.03094516694545746, 0.03059118427336216, 0.03026220202445984, 0.029819430783391, 0.029271578416228294, 0.028939038515090942, 0.028281336650252342, 0.02751207910478115, 0.02692098543047905, 0.026081953197717667, 0.025341279804706573, 0.02419283799827099, 0.023329997435212135, 0.021882163360714912, 0.020442917943000793, 0.019082380458712578, 0.01797328144311905, 0.017017289996147156, 0.015828462317585945, 0.014744850806891918, 0.013369046151638031, 0.012136631645262241, 0.010936437174677849, 0.009993402287364006, 0.009034628048539162, 0.008329915814101696, 0.007681317161768675, 0.0070399013347923756, 0.006290862802416086, 0.006151835434138775, 0.005619893316179514, 0.004983161576092243, 0.00475512258708477, 0.004514798987656832, 0.0042154835537076, 0.00361623358912766, 0.003421573666855693, 0.003119679167866707, 0.00276622804813087, 0.0023731740657240152, 0.0020291723776608706, 0.0019169510342180729, 0.0015519647859036922, 0.0012612896971404552, 0.000798214168753475, 0.00017094756185542792, -0.0003013090172316879, -0.0005593805690295994, -0.0011559900594875216, -0.0016952096484601498, -0.002173355082049966, -0.0026939918752759695, -0.0032380230259150267, -0.004188443999737501, -0.004551777150481939, -0.005301292985677719, -0.005914375651627779, -0.006544551346451044, -0.007171221077442169, -0.0077575272880494595, -0.008498801849782467, -0.008774826303124428, -0.009456156753003597, -0.009945744648575783, -0.010420079343020916, -0.010628130286931992, -0.010971706360578537, -0.011450164020061493, -0.01157982274889946, -0.011770982295274734, -0.011740943416953087, -0.011679285205900669, -0.012085615657269955, -0.01225650031119585, -0.012469356879591942, -0.012895828112959862, -0.012837468646466732, -0.01322034653276205, -0.01349974051117897, -0.013612003065645695, -0.01398475468158722, -0.014258488081395626, -0.014571331441402435, -0.01497496198862791, -0.015138883143663406, -0.015628773719072342, -0.016060763970017433, -0.0163711104542017, -0.01610511727631092, -0.01595037430524826, -0.015855571255087852, -0.015679096803069115, -0.01551472395658493, -0.015606318600475788, -0.015276226215064526, -0.01464488822966814, -0.014242730103433132, -0.013433241285383701, -0.012222555465996265, -0.011397140100598335, -0.010337984189391136, -0.009299343451857567, -0.007988444529473782, -0.006743349134922028, -0.005388741847127676, -0.003955407068133354, -0.0027175387367606163, -0.0015107117360457778, -0.000100208111689426, 0.001525058993138373, 0.0031135689932852983, 0.004603326786309481, 0.0058429185301065445, 0.007040791213512421, 0.00797219667583704, 0.009159320034086704, 0.010154187679290771, 0.011279406026005745, 0.012446613982319832, 0.013779301196336746, 0.015001961030066013, 0.015890493988990784, 0.01703680492937565, 0.017747895792126656, 0.01835019513964653, 0.01891428418457508, 0.019494781270623207, 0.02009126916527748, 0.020343836396932602, 0.020520556718111038, 0.020907070487737656, 0.02113443799316883, 0.021092155948281288, 0.020693177357316017, 0.020486250519752502, 0.020263733342289925, 0.019594715908169746, 0.0192266758531332, 0.01858922280371189, 0.018030790612101555, 0.01741052232682705, 0.016500407829880714, 0.01590646058320999, 0.01488509401679039, 0.013834130018949509, 0.01271254662424326, 0.011873889714479446, 0.011260679922997952, 0.01051116269081831, 0.009813719429075718, 0.00866025686264038, 0.007641145493835211, 0.006653802003711462, 0.005768690723925829, 0.004774537868797779, 0.004031720105558634, 0.003118043066933751, 0.0024490661453455687, 0.0016564835095778108, 0.00122257845941931, 0.00040723441634327173, -0.0003666588163468987, -0.0010735612595453858, -0.001481732353568077, -0.0018204394727945328, -0.002060046186670661, -0.0021945354528725147, -0.002307263668626547, -0.0026068375445902348, -0.0027189196553081274, -0.00335311028175056, -0.0036510592326521873, -0.003705390961840749, -0.0038466835394501686, -0.003875707508996129, -0.004318030551075935, -0.004341144114732742, -0.004496608395129442, -0.004654610063880682, -0.004638148006051779, -0.004709041677415371, -0.004959090147167444, -0.005269864574074745, -0.005625434685498476, -0.005645320285111666, -0.005959443747997284, -0.006103215739130974, -0.006025257986038923, -0.005800027400255203, -0.0055550215765833855, -0.005655850283801556, -0.00604370329529047, -0.006008619908243418, -0.006215106230229139, -0.00632115313783288, -0.0063456762582063675, -0.006581331603229046, -0.006650527473539114, -0.0063523161225020885, -0.0063516017980873585, -0.006582268979400396, -0.006137737538665533, -0.006196776870638132, -0.0061040823347866535, -0.0061770048923790455, -0.006221238523721695, -0.0060416338965296745, -0.005983324255794287, -0.006060341373085976, -0.005761891603469849, -0.005736076273024082, -0.006186752114444971, -0.0062385182827711105, -0.006647900212556124, -0.007133813574910164, -0.007329681888222694, -0.007622994482517242, -0.007317375857383013, -0.0076825362630188465, -0.0075996448285877705, -0.007654689252376556, -0.007745180744677782, -0.008011388592422009, -0.0083396527916193, -0.008518421091139317, -0.008674425072968006, -0.008288259617984295, -0.008426995016634464, -0.008411402814090252, -0.008194778114557266, -0.00811177957803011, -0.008320060558617115, -0.008164764381945133, -0.007838122546672821, -0.00784366112202406, -0.007545072119683027, -0.007117943372577429, -0.0066551752388477325, -0.005932768806815147, -0.00519787659868598, -0.004720429889857769, -0.004502197727560997, -0.004032398108392954, -0.003428563242778182, -0.0030565117485821247, -0.002593082142993808, -0.0020679235458374023, -0.001546584884636104, -0.0009170304983854294, -0.0004770793893840164, -3.860572905978188e-05, 0.0002965783642139286, 0.0008528413600288332, 0.0016983203822746873, 0.002556975930929184, 0.002772487234324217, 0.0035536373034119606, 0.004011725075542927, 0.004738106392323971, 0.005054004490375519, 0.005707204807549715, 0.006250840611755848, 0.006013928912580013, 0.006356127094477415, 0.0065633272752165794, 0.006877865642309189, 0.0070380172692239285, 0.006938289385288954, 0.006762958597391844, 0.006930479779839516, 0.006639781408011913, 0.00615445664152503, 0.005915501620620489, 0.005584463011473417, 0.0053190672770142555, 0.005352369975298643, 0.005044456571340561, 0.005271662957966328, 0.004984937608242035, 0.004749509040266275, 0.0049111382104456425, 0.0046205525286495686, 0.004388709086924791, 0.003921254072338343, 0.003914324566721916, 0.003725379705429077, 0.0036515232641249895, 0.002959578763693571, 0.003090626560151577, 0.002801100257784128, 0.0023546679876744747, 0.0017764222575351596, 0.0006275648484006524, 0.0004432116693351418, -0.00014293380081653595, -0.0005478740786202252, -0.0007312093512155116, -0.0006892667151987553, -0.0011125466553494334, -0.001484106993302703, -0.0018659293418750167, -0.002063463209196925, -0.002358515514060855, -0.0028319626580923796, -0.002902790904045105, -0.002867464441806078, -0.0030313062015920877, -0.003106672316789627, -0.003556044539436698, -0.0033276586327701807, -0.0037505894433707, -0.003736559534445405, -0.0031248610466718674, -0.0031541395001113415, -0.0030056892428547144, -0.0031524247024208307, -0.0030102755408734083, -0.0027222700882703066, -0.0030302905943244696, -0.002884259447455406, -0.003010932821780443, -0.003312742570415139, -0.003155967453494668, -0.0034162711817771196, -0.0035222999285906553, -0.003419032320380211, -0.00338297919370234, -0.003637058660387993, -0.003239594865590334, -0.0039071994833648205, -0.0037820579018443823, -0.004366189707070589, -0.004592197481542826, -0.004680837504565716, -0.004918988794088364, -0.004680824000388384, -0.004879046697169542, -0.00445049861446023, -0.004509741440415382, -0.00463568139821291, -0.004531313665211201, -0.004303193185478449, -0.004635438788682222, -0.004230085294693708, -0.004174969159066677, -0.0038515108171850443, -0.003303910605609417, -0.0032416051253676414, -0.0025210531894117594, -0.0022395874839276075, -0.0023243187461048365, -0.002387685002759099, -0.0021069394424557686, -0.002350902883335948, -0.0018121936591342092, -0.0019032196141779423, -0.0027071565855294466, -0.0022196208592504263, -0.0024330385494977236, -0.0024375063367187977, -0.002711848122999072, -0.002427781233564019, -0.0024206722155213356, -0.0028398598078638315, -0.00297427992336452, -0.0034818360581994057, -0.003930718172341585, -0.0038826751988381147, -0.003962911199778318, -0.004273832775652409, -0.004283454734832048, -0.0042565735056996346, -0.004508091136813164, -0.005078445188701153, -0.004600721411406994, -0.004624281544238329, -0.004469401203095913, -0.004171454813331366, -0.004449572879821062, -0.004128030966967344, -0.0030111263040453196, -0.0029877303168177605, -0.003116703825071454, -0.0025238213129341602, -0.0025099371559917927, -0.0024772384203970432, -0.0015223900554701686, -0.0015288381837308407, -0.0015399572439491749, -0.0011441033566370606, -0.0012850997736677527, -0.000647729029878974, -0.0002927514724433422, -0.0004449309781193733, -0.00025656711659394205, -0.00021887898037675768, -0.0001821906043915078, -0.0003319116367492825, -0.00039985193870961666, -0.0003876084228977561, -0.0005313879228197038, -0.0010928984265774488, -0.0013046034146100283, -0.0008745676605030894, -0.0009224732057191432, -0.0009654550231061876, -0.00044139407691545784, -0.0003168182447552681, 0.0003176587342750281, 0.001260147662833333, 0.0010651771444827318, 0.000511445919983089, 0.0007179981912486255, 0.0002608327195048332, 0.0010098572820425034, 0.0004271293291822076, 0.0011748005636036396, 0.0018909978680312634, 0.00181087467353791, 0.0023382818326354027, 0.002347087487578392, 0.001810811460018158, 0.0015605564694851637, 0.0019287957111373544, 0.0025231654290109873, 0.002185248536989093, 0.0024913684464991093, 0.0022520010825246572, 0.001665162155404687, 0.0014142824802547693, 0.0014882124960422516, 0.0007560001686215401, 0.00010709960042731836, 0.0008747000829316676, 0.0008427452994510531, 0.000849903910420835, 0.0010570638114586473, 0.001083075418137014, 0.0005697793676517904, 0.0014265424106270075, 0.0011211046949028969, 0.0015695999609306455, 0.0012101473985239863, 0.000984808779321611, 0.0004805093922186643, 0.00045552142546512187, 0.0005727847456000745, 0.00018969096709042788, 7.611820910824463e-05, -0.0006243629613891244, -0.0011826594127342105, -0.0006951047689653933, -0.0010164276463910937, -0.0010389684466645122, -0.0014959125546738505, -0.0004338171274866909, -0.000768520578276366, -0.00046226257109083235, -0.0008690014365129173, -0.000992695684544742, -0.0011791043216362596, -0.0019149444997310638, -0.0013783915201202035, -0.0011591053334996104, -0.0014849770814180374, -0.0017796388128772378, -0.0011746730888262391, -0.0013289720518514514, -0.0006224211538210511, -0.0015033851377665997, -0.001204697065986693, -0.0025191530585289, -0.0025588152930140495, -0.001746877795085311, -0.0018577355658635497, -0.0022636731155216694, -0.0020304268691688776, -0.0014640955487266183, -0.0018379128305241466, -0.0014197720447555184, -0.0023621933069080114, -0.002210977952927351, -0.001136371516622603, -0.0015055584954097867, -0.0013656074879691005, 5.3428069804795086e-05, -0.0009423874435015023, -0.00014266726793721318, -0.000880431616678834, -0.00019124199752695858, -0.0008605077746324241, -0.0011814302997663617, 0.002439041854813695, 0.0013971533626317978, 0.0014450158923864365, 0.00039417651714757085, -0.0006324178539216518, -0.001455026213079691, -0.00023127859458327293, -0.0023594647645950317, -0.0028405901975929737, -0.003021813929080963, -0.003449399024248123, -0.003963727504014969, -0.003858475014567375, -0.0029979709070175886, -0.002676802920177579, -0.0018082148162648082, -0.002082847524434328, -0.001890959800221026, -0.00047031024587340653, -0.001862740027718246, -0.0013582619139924645, -0.0018801171099767089, -0.0015657524345442653, -0.0020019495859742165, -0.0045848870649933815, -0.0029696899000555277, -0.0034153966698795557, -0.003445393405854702, -0.0038498733192682266, -0.004600918851792812, -0.0046544186770915985, -0.004756972659379244, -0.0051253908313810825, -0.004663236904889345, -0.005113696213811636, -0.004183788318186998, -0.0037210367154330015, -0.004633678589016199, -0.0029961077962070704, -0.004535481799393892, -0.004531522747129202, -0.0052911448292434216, -0.0048674726858735085, -0.004210011102259159, -0.003349782433360815, -0.0034281557891517878, -0.0023869595024734735, -0.0030247685499489307, -0.002619828563183546, -0.0018651513382792473, -0.0027660359628498554, -0.0026225934270769358, -0.002176911337301135, -0.0019406788051128387, -0.0012993505224585533, -0.0017437773058190942, -0.0017147273756563663, -0.0015544519992545247, -0.0019856675062328577, -0.0019379659788683057, -0.001522917184047401, -0.0021902811713516712, -0.002534126862883568, -0.0016375689301639795, -0.0030214365106076, -0.002276797080412507, -0.0017345533706247807, -0.0021190999541431665, -0.0028941745404154062, -0.002961962716653943, -0.002322429558262229, -0.0018254682654514909, -0.0014447022695094347, -0.001161921420134604, -0.0019737526308745146, -0.002972761634737253, -0.001710879267193377, -0.0006676840130239725, -0.0019660776015371084, -0.0022025927901268005, -0.0007354921544902027, -0.0010452501010149717, -0.0017419207142665982, -0.0022487950045615435, -0.0029302798211574554, -0.0023120769765228033, -0.0019087434047833085, -0.0016277016839012504, -0.0021006183233112097, -0.0019170643063262105, -0.001689326949417591, -0.002084531355649233, -0.0023434218019247055, -0.0022551545407623053, -0.0020385461393743753, -0.0028557374607771635, -0.004271744284778833, -0.00381591753102839, -0.0044132424518466, -0.0036261987406760454, -0.004462151788175106, -0.0040304940193891525, -0.003379019210115075, -0.0036228690296411514, -0.003186277113854885, -0.003343250136822462, -0.003438807325437665, -0.0038186144083738327, -0.0019955949392169714, -0.0026846276596188545, -0.0030822691041976213, -0.0038364941719919443, -0.003221904393285513, -0.0028874953277409077, -0.003829783760011196, -0.004862017929553986, -0.00478840759024024, -0.004051022697240114, -0.005508938804268837, -0.00586359016597271, -0.005933383479714394, -0.005279227159917355, -0.004785326775163412, -0.004216155502945185, -0.0045837527140975, -0.0045842877589166164, -0.004235205706208944, -0.005113412160426378, -0.004593049641698599, -0.0035559225361794233, -0.003965724725276232, -0.004334849771112204, -0.0037184220273047686, -0.003906484227627516, -0.004037004895508289, -0.0032866215333342552, -0.003645732067525387, -0.0036657052114605904, -0.0030776234343647957, -0.0029512199107557535, -0.0026982459239661694, -0.0029280725866556168, -0.0033273203298449516, -0.003534771269187331, -0.0036984430626034737, -0.004098345059901476, -0.0042763701640069485, -0.004143990576267242, -0.0036676598247140646, -0.0038480504881590605, -0.003923868760466576, -0.00333059998229146, -0.004363087471574545, -0.004634225741028786, -0.0035815092269331217, -0.004450981039553881, -0.003918043337762356, -0.004225853364914656, -0.0037157826591283083, -0.004273848608136177, -0.004930930677801371, -0.0035782605409622192, -0.004575728438794613, -0.0032949410378932953, -0.00439918739721179, -0.003401038236916065, -0.003765412839129567, -0.004256619606167078, -0.003393832826986909, -0.0045002237893640995, -0.003935790155082941, -0.004633420612663031, -0.004927266389131546, -0.004004596266895533, -0.004204411990940571, -0.003307018429040909, -0.0034195827320218086, -0.002856099046766758, -0.004114986397325993, -0.004829215817153454, -0.004374920390546322, -0.0038182176649570465, -0.0026107479352504015, -0.004306405782699585, -0.003934237640351057, -0.002690483583137393, -0.002265406074002385, -0.0020936063956469297, -0.0018862435827031732, -0.0016025422373786569, -0.0011965438025072217, -0.0012269107392057776, -0.0015079607255756855, -0.0010684997541829944, 0.00027566749486140907, -0.00022077762696426362, 0.0006840089336037636, 0.0004999406519345939, -5.997391417622566e-05, 0.0007533494499512017, 0.00024044746533036232, -0.0007973829633556306, 0.000402977253543213, 0.0013186908327043056, 0.00123694259673357, 0.0020564766600728035, 0.0018935916014015675, 0.0025841491296887398, 0.0021183013450354338, 0.002035552402958274, 0.0015911776572465897, 0.002129575004801154, 0.002388962544500828, 0.0024027847684919834, 0.003001139499247074, 0.002185002202168107, 0.001986198592931032, 0.002208058023825288, 0.002302094828337431, 0.0024130435194820166, 0.002820610301569104, 0.002815901068970561, 0.0023998257238417864, 0.00222765002399683, 0.0032781080808490515, 0.002636527642607689, 0.002972977003082633, 0.003508268855512142, 0.0032443637028336525, 0.0029992531053721905, 0.003000597469508648, 0.005017985124140978, 0.005169060546904802, 0.0043660239316523075, 0.004273867234587669, 0.0037430478259921074, 0.005014505703002214, 0.004247274715453386, 0.0033352209720760584, 0.0033845747821033, 0.004510400351136923, 0.004668692592531443, 0.0036604308988898993, 0.004980689845979214, 0.005043805576860905, 0.004259300883859396, 0.005055940244346857, 0.00522785447537899, 0.005354773253202438, 0.0032529965974390507, 0.004339742939919233, 0.0052698575891554356, 0.005259254481643438, 0.005378421861678362, 0.006030839402228594, 0.005535230040550232, 0.0041718692518770695, 0.0054661910980939865, 0.005943119525909424, 0.005112267564982176, 0.006264856085181236, 0.006917132064700127, 0.007065417245030403, 0.007718728389590979, 0.007299952208995819, 0.006120705511420965, 0.008693891577422619, 0.009045928716659546, 0.006802261341363192, 0.0055656153708696365, 0.006424938328564167, 0.007119954098016024, 0.006453006528317928, 0.007204204332083464, 0.006311819422990084, 0.006601810455322266, 0.0066801393404603004, 0.006898920051753521, 0.00635050144046545, 0.005737508647143841, 0.00699191028252244, 0.0068550556898117065, 0.007197453174740076, 0.008618655614554882, 0.008755679242312908, 0.0068471599370241165, 0.0069617158733308315, 0.00815518107265234, 0.007707691285759211, 0.007601439952850342, 0.007969106547534466, 0.00753365084528923, 0.008727516047656536, 0.008379721082746983, 0.006790120154619217, 0.006481707561761141, 0.006635820027440786, 0.005773634184151888, 0.0064241900108754635, 0.0059371693059802055, 0.003943702671676874, 0.005539323203265667, 0.004966267850250006, 0.005714625120162964, 0.005944138392806053, 0.006422335747629404, 0.005186346359550953, 0.006045447662472725, 0.006224362179636955, 0.004687181208282709, 0.004564705770462751, 0.004948702175170183, 0.005237612407654524, 0.005486081819981337, 0.005767772905528545, 0.00579327205196023, 0.0034726916346699, 0.006025958340615034, 0.003810233436524868, 0.004256305284798145, 0.005172180011868477, 0.006372926291078329, 0.0062667070887982845, 0.00515479501336813, 0.006009049713611603, 0.00576807651668787, 0.007560194004327059, 0.005528595298528671, 0.0040743909776210785, 0.0067720310762524605, 0.00673972861841321, 0.007923050783574581, 0.005935505498200655, 0.007024551276117563, 0.005409024655818939, 0.006390193477272987, 0.006220005452632904, 0.005117280408740044, 0.005323569290339947, 0.0054702055640518665, 0.005567722488194704, 0.005160572472959757, 0.007209200877696276, 0.007475140038877726, 0.005592747591435909, 0.00681299576535821, 0.005412159953266382, 0.006325656548142433, 0.0031580545473843813, 0.0027194551657885313, 0.004506673663854599, 0.004469303879886866, 0.004756187088787556, 0.00448818551376462, 0.003117481479421258, 0.0035032634623348713, 0.004139384720474482, 0.0035050243604928255, 0.004598228260874748, 0.003945920150727034, 0.003338410286232829, 0.0050465757958590984, 0.004513314459472895, 0.0038724038749933243, 0.005871764849871397, 0.00688235042616725, 0.005228124558925629, 0.0063054440543055534, 0.006085477769374847, 0.006299573928117752, 0.006117319688200951, 0.004643823020160198, 0.00533713074401021, 0.005541790276765823, 0.004620939493179321, 0.005408046301454306, 0.005417551379650831, 0.0052126627415418625, 0.005680091679096222, 0.005745737813413143, 0.003976492676883936, 0.004753712099045515, 0.00552808353677392, 0.003955423831939697, 0.003125622170045972, 0.004139227326959372, 0.006400567479431629, 0.005440347827970982, 0.002227301010861993, 0.005098233465105295, 0.004362315870821476, 0.0061543225310742855, 0.010264629498124123, 0.008370782248675823, 0.007144089322537184, 0.011587857268750668, 0.010283639654517174, 0.008769246749579906, 0.006883060093969107, 0.010056261904537678, 0.008131710812449455, 0.007294818293303251, 0.010634584352374077, 0.011814910918474197, 0.015604992397129536, 0.01567324623465538, 0.01320363488048315, 0.011961947195231915, 0.0096009885892272, 0.0075997537933290005, 0.0077615403570234776, 0.0053227003663778305, 0.011340009048581123, 0.009702134877443314, 0.005416085943579674, 0.004131394904106855, 0.00648229755461216, 0.0053034876473248005, 0.008846370503306389, 0.004972119349986315, 0.004719162359833717, 0.002390617970377207, 0.0026513999328017235, 0.004484628792852163, 0.01027768850326538, 0.03032330982387066, 0.05683070793747902, 0.09893662482500076, 0.11241480708122253, 0.06478251516819, -0.019520839676260948, -0.05301642045378685, -0.04739369451999664, -0.006377167999744415, 0.042275335639715195, 0.058287233114242554, 0.03300844505429268, 0.02147591859102249, -0.00162085285410285, -0.017683545127511024, -0.040916793048381805, -0.04012485593557358, -0.026632344350218773, -0.003560766577720642, 0.013470474630594254, 0.008509275503456593, 0.004362515173852444, 0.008878420107066631, 0.042934879660606384, 0.11826932430267334, 0.09916219860315323, -0.008746969513595104, -0.0687229186296463, -0.10368368029594421, -0.049006734043359756, 0.016219161450862885, 0.07937254011631012, 0.08658499270677567, 0.0770316794514656, 0.021261362358927727, 0.00830263365060091, -0.06826072931289673, -0.050542719662189484, 0.016277333721518517, 0.11747655272483826, 0.15998370945453644, 0.12679606676101685, 0.05666695535182953, -0.010528993792831898, -0.005749280098825693, -0.029829708859324455, -0.043630097061395645, 0.006833800580352545, -0.03155941143631935, 0.005647772923111916, 0.04510818049311638, 0.0617312528192997, 0.06086839362978935, 0.016031503677368164, -0.045912839472293854, 0.013921048492193222, -0.02305777557194233, 0.02986079640686512, 0.014208957552909851, 0.03452477604150772, 0.06854160875082016, -0.007435156498104334, 0.025893304497003555, 0.0116731533780694, -0.01955299824476242, 0.005386995151638985, -0.02248358353972435, 0.08661581575870514, 0.04075607284903526, 0.005319714080542326, 0.04786508530378342, 0.01754959672689438, 0.02929362840950489, -0.0012385044246912003, 0.024703748524188995, -0.021097233518958092, 0.045796263962984085, 0.024985501542687416, 0.06282786279916763, 0.09443488717079163, -0.07530905306339264, 0.018555669113993645, 0.05977607145905495, 0.008387885987758636, 0.029514478519558907, 0.05267130956053734, 0.019398538395762444, 0.030816614627838135, -0.039490848779678345, 0.042884305119514465, 0.08554758876562119, -0.08865714073181152, 0.06208657845854759, 0.024058356881141663, -0.00930811371654272, 0.04565227031707764, 0.01409560814499855, 0.030005699023604393, 0.03431892767548561, -0.04115777462720871, 0.02573677897453308, -0.003346116514876485, 0.04224776849150658, 0.03053727000951767, -0.016157228499650955, 0.011857365258038044, 0.044170353561639786, -0.054098859429359436, 0.024992994964122772, 0.04488628730177879, 0.06703249365091324, -0.035133734345436096, 0.026756947860121727, 0.013830800540745258, 0.026120910421013832, -0.047399166971445084, 0.04462943598628044, 0.03372754901647568, -0.015945645049214363, -0.024335229769349098, 0.029276104643940926, 0.054485905915498734, -0.02781110815703869, -0.012173868715763092, -0.0209023579955101, -0.051043104380369186, -0.005002813413739204, 0.02984115481376648, 0.02773975022137165, 0.015907350927591324, -0.004289169330149889, -0.016227517277002335, -0.024367334321141243, -0.045702748000621796, -0.015961842611432076, -0.015187571756541729, 0.026752643287181854, 0.01594211719930172, 0.009327041916549206, -0.011428511701524258, -0.02004403807222843, -0.025867296382784843, -0.016526151448488235, -0.01957443356513977, -0.0481773316860199, -0.019087964668869972, -0.0011409734142944217, -0.022544214501976967, -0.028976449742913246, -0.028604239225387573, -0.01567860320210457, -0.0377059206366539, 0.02837718278169632, -0.038767486810684204, -0.005933547858148813, -0.07457634061574936, -0.07912060618400574, -0.034411828964948654, 0.010470285080373287, 0.043722644448280334, -0.0054989769123494625, -0.01840943656861782, -0.07947328686714172, -0.06951291114091873, -0.0575280599296093, -0.0314197801053524, -0.06987695395946503, 0.01114417053759098, 0.01786072365939617, 0.008768524043262005, 0.01827154867351055, -0.040939703583717346, -0.09260257333517075, -0.08780522644519806, -0.07312460988759995, -0.040253542363643646, -0.004045738372951746, 0.005876708310097456, 0.006734354421496391, -0.032904136925935745, 0.0006363968714140356, -0.03531111776828766, -0.08140715956687927, -0.037556130439043045, -0.020029904320836067, -0.004943508189171553, -0.03529127314686775, 0.027955805882811546, -0.026690686121582985, -0.03563299402594566, -0.027897590771317482, -0.03624055162072182, -0.012236040085554123, -0.038006652146577835, -0.001170270494185388, -0.02472461387515068, -0.05072900280356407, -0.02754145860671997, -0.020270252600312233, -0.0603727251291275, -0.005516536068171263, -0.01828932575881481, -0.008036338724195957, -0.04105430841445923, -0.042372144758701324, -0.017704661935567856, -0.04554254189133644, -0.039900340139865875, -0.02791414223611355, 0.0048451474867761135, -0.009783939458429813, -0.016630498692393303, -0.004181015770882368, -0.035959888249635696, -0.024792935699224472, -0.02216341719031334, -0.018050730228424072, -0.04084790498018265, -0.028025740757584572, -0.013598996214568615, 0.019605573266744614, -0.02460544742643833, 0.01011233776807785, -0.01880904845893383, -0.05300375074148178, -0.03350505977869034, -0.018132252618670464, -0.0368950329720974, -0.004712936468422413, 0.01486810203641653, -0.04039963707327843, -0.043275877833366394, -0.021721966564655304, -0.02084890753030777, -0.04904717579483986, 0.013209312222898006, 0.0020141545683145523, -0.032003290951251984, -0.01522050704807043, -0.027045436203479767, -0.02017625793814659, -0.020175160840153694, -0.008989659138023853, -0.028822654858231544, -0.014570091851055622, 0.026022741571068764, -0.027613261714577675, -0.019867490977048874, 0.00044819063623435795, -0.03704950958490372, 0.0005928719765506685, 0.019834201782941818, -0.002738501178100705, -0.026841113343834877, -0.009362693876028061, -0.02160760574042797, -0.04663057625293732, 0.00130515918135643, -0.023357722908258438, -0.036972928792238235, -0.00022296675888355821, -0.0017182613955810666, -0.019611092284321785, 0.015225302428007126, 0.005715613253414631, -0.036279190331697464, -0.0046839639544487, -0.03169790282845497, -0.04775041341781616, -0.020072689279913902, -0.023094361647963524, -0.009681045077741146, -0.011904602870345116, 0.016269229352474213, 0.023888064548373222, -0.03767075389623642, -0.02062780037522316, 0.00615655118599534, -0.053688887506723404, -0.010576524771749973, -0.00803359504789114, -0.02114592120051384, 0.012629547156393528, 0.003558821277692914, -0.017837567254900932, 0.01081339456140995, -0.03738116845488548, -0.00410503102466464, -0.0024635563604533672, -0.025566795840859413, 0.0027137422002851963, 0.010614187456667423, -0.0305759459733963, -0.020153526216745377, -0.03308987617492676, -0.04796813428401947, -0.0073201023042202, -0.03045281022787094, 0.012801866978406906, 0.024454347789287567, -0.011918012984097004, 0.00010178653610637411, -0.037062302231788635, -0.050015080720186234, -0.019878732040524483, -0.0434274785220623, -0.04607028514146805, -0.0003976627776864916, -0.018892966210842133, 0.025611264631152153, 0.04116864502429962, 0.0028634429909288883, 0.00868782214820385, -0.038570988923311234, -0.040444258600473404, -0.03276865556836128, -0.0343036986887455, -0.007943304255604744, 0.010114171542227268, -0.014714273624122143, 0.025308411568403244, 0.012203596532344818, -0.017296474426984787, 0.0065172091126441956, -0.033275920897722244, -0.029175855219364166, -0.02691800147294998, -0.022194528952240944, 0.0029688323847949505, -0.001503723324276507, 0.00028662433032877743, -0.02213449217379093, -0.018926778808236122, -0.03500545397400856, -0.027109205722808838, -0.01677323877811432, -0.012610835954546928, 0.0014693118864670396, -0.0015077628195285797, -0.0004020418564323336, -0.01278319489210844, -0.020781122148036957, -0.032678745687007904, -0.015738042071461678, -0.026665903627872467, -0.01964251883327961, 0.012036800384521484, 0.0099665941670537, 0.030715515837073326, 0.025445884093642235, -0.012888146564364433, -0.014869273640215397, -0.04023310914635658, -0.04927028715610504, -0.0373573899269104, -0.0198073573410511, 0.015399313531816006, 0.021508675068616867, 0.021453753113746643, 0.02523772045969963, 0.01827080175280571, -0.03705022111535072, -0.03119691275060177, -0.0278173740953207, -0.041237663477659225, -0.01701275072991848, 0.0008943942375481129, 0.0081553366035223, 0.01605067402124405, 0.02464914508163929, 0.022455915808677673, 0.010878079570829868, -0.017399804666638374, -0.006727924570441246, -0.02258632518351078, -0.02010645903646946, -0.01972353830933571, -0.0037451134994626045, 0.00532757630571723, 0.013279509730637074, 0.019743671640753746, 0.014542839489877224, -0.003129450138658285, -0.0014836793998256326, -0.0002995979448314756, -0.0034174988977611065, -0.0060864766128361225, -0.004590589553117752, 0.0010900122579187155, -0.002042798325419426, -0.007822615094482899, -0.0017984308069571853, -0.0033023282885551453, -0.005362562835216522, -0.0013531609438359737, 0.009260507300496101, 0.013240285217761993, 0.0039198375307023525, 0.00987341720610857, 0.013555019162595272, 0.00017163871962111443, 0.0024189893156290054, 0.0011925023281946778, -0.004889363422989845, -0.017074385657906532, -0.003492831951007247, 0.0056471191346645355, -0.0010668570175766945, 0.01505536213517189, 0.02580408751964569, 0.012737688608467579, 0.011094316840171814, 0.021122688427567482, 0.0022432710975408554, 0.002566405339166522, 0.006630884949117899, 0.004252055659890175, 0.009504933841526508, 0.0047749909572303295, 0.010337739251554012, 0.016194840893149376, 0.0226405281573534, 0.013790622353553772, 0.010267660953104496, 0.0025332816876471043, 0.003909711260348558, 0.002003834117203951, 0.0006435966934077442, 0.01277998648583889, 0.024143803864717484, 0.003047051839530468, 0.006191910244524479, 0.01568899117410183, -0.006944201420992613, 0.0077355955727398396, -0.0011161691509187222, 0.0020870103035122156, 0.021565761417150497, 0.0062985350377857685, 0.025607803836464882, 0.022970326244831085, 0.015271141193807125, 0.019619736820459366, 0.012882178649306297, 0.007731607183814049, -0.000281860789982602, -0.004860483575612307, 0.014978227205574512, 0.019906844943761826, 0.024774204939603806, 0.027622973546385765, 0.024440042674541473, 0.012583741918206215, 0.010871564969420433, 0.009236897341907024, 0.013574552722275257, 0.013954129070043564, 0.011073095723986626, 0.01210313756018877, 0.007036348804831505, 0.01662161760032177, 0.020335951820015907, 0.009349437430500984, 0.014912143349647522, 0.009799147956073284, -0.003749256022274494, 0.006718598771840334, -0.0072485036216676235, 0.008066652342677116, 0.016654837876558304, 0.00800712313503027, 0.02621009387075901, 0.013010857626795769, 0.012943586334586143, 0.01073271781206131, -0.0036521453876048326, 0.004068115726113319, 0.013487232849001884, 0.003945260774344206, 0.012646577320992947, 0.015179804526269436, 0.0022844665218144655, 0.005942235235124826, 0.008864703588187695, 0.010123132728040218, 0.005153121426701546, 0.005317673087120056, 0.009283098392188549, 0.009085165336728096, 0.011129277758300304, 0.014398341067135334, 0.013785225339233875, 0.008041107095777988, 0.010283145122230053, 0.005941780749708414, 0.006429240573197603, 0.010363787412643433, 0.007231774274259806, 0.011330366134643555, 0.009782574139535427, 0.010523257777094841, 0.01218681875616312, 0.007946981117129326, 0.016238367184996605, 0.01559427473694086, 0.008339601568877697, 0.012985918670892715, 0.009342744015157223, -0.0003193950396962464, 0.010550701059401035, 0.001318486756645143, -0.00553700840100646, -0.0016000284813344479, -0.006753545254468918, 0.006395142991095781, 0.007920629344880581, 0.014866426587104797, 0.019246650859713554, 0.012934000231325626, 0.01439512800425291, 0.007168743293732405, -0.0065246098674833775, 0.0002125618193531409, 0.0018523028120398521, -0.013357787393033504, 0.00517696188762784, 0.00611127307638526, -0.0004945677355863154, 0.016358209773898125, 0.01679319515824318, 0.019465357065200806, 0.025009194388985634, 0.018093280494213104, 0.012168221175670624, 0.010229740291833878, 0.004587148316204548, 0.002202696166932583, -0.0026538341771811247, -0.0026501696556806564, 0.002074815332889557, 0.0019713377114385366, 0.005459869280457497, 0.0021578273735940456, 0.002662500599399209, 0.009183443151414394, -0.0029653243254870176, -0.004705023020505905, -0.0029588909819722176, -0.013977761380374432, -0.018961956724524498, -0.009151945821940899, -0.008936080150306225, -0.012365257367491722, -0.00807116087526083, -0.006989931687712669, -0.011634129099547863, -0.0034344017039984465, 0.0036605477798730135, -0.0011885476997122169, 0.002999094780534506, 0.0022099530324339867, 0.0027636883314698935, 0.00836914498358965, 0.00607824744656682, 0.005758509039878845, 0.00920893158763647, 0.009904315695166588, 0.008518406189978123, 0.006048120558261871, 0.012091235257685184, 0.012381336651742458, 0.005396770313382149, -0.001531196408905089, -0.003457183251157403, -0.010585777461528778, -0.005021193530410528, -0.0014880076050758362, -0.005763456225395203, 0.004895935766398907, 0.004341140855103731, 0.003309520659968257, 0.0003618998744059354, -0.005367533303797245, -0.0006141758058220148, -0.0062544457614421844, -0.016266776248812675, -0.019839735701680183, -0.018986498937010765, -0.015856316313147545, -0.01180142629891634, -0.003445929614827037, 0.005099263042211533, 0.011247399263083935, 0.012586529366672039, 0.018456436693668365, 0.017658395692706108, 0.003055501263588667, -0.0007252473733387887, -0.0035429031122475863, -0.011346626095473766, -0.011911348439753056, -0.01340013463050127, -0.006456042639911175, -0.0026065250858664513, 0.0012873820960521698, 0.013201577588915825, 0.018159640952944756, 0.016573665663599968, 0.014943896792829037, 0.0076208580285310745, 0.00270663108676672, -0.00044665535097010434, -0.013312595896422863, -0.01691535674035549, -0.01915845461189747, -0.02581419236958027, -0.017528478056192398, -0.01450811792165041, -0.00796728115528822, 0.00046591876889579, 0.008814891800284386, 0.015799447894096375, 0.011488274671137333, 0.0014767051907256246, -0.007296808063983917, -0.010286263190209866, -0.021396011114120483, -0.021655889227986336, -0.022971251979470253, -0.019023554399609566, -0.01048282440751791, -0.005737643223255873, 0.0009709362057037652, 0.009653669781982899, 0.012373100966215134, 0.01389199960976839, 0.014473441988229752, 0.010671532712876797, 0.007347071543335915, 0.0008468002779409289, -0.006579965353012085, -0.007028266321867704, -0.01321299746632576, -0.013043150305747986, -0.010442700237035751, -0.009162175469100475, -0.00862390547990799, -0.0036983194295316935, 0.0016978197963908315, 0.009811881929636002, 0.012799602001905441, 0.014508224092423916, 0.014186523854732513, 0.0016567858401685953, -0.007501587271690369, -0.016935817897319794, -0.024684088304638863, -0.029393628239631653, -0.023168636485934258, -0.016149142757058144, -0.013285287655889988, -0.00796449650079012, -0.004309135023504496, -0.001050556660629809, 0.004152172245085239, 0.00499018095433712, 0.004527055658400059, 0.006642390042543411, 0.0008748460095375776, -0.000613709504250437, -0.003763811895623803, -0.004566771909594536, -0.01183347124606371, -0.015487253665924072, -0.013233526609838009, -0.009312872774899006, -0.0044089509174227715, -0.0026658554561436176, 0.005308524239808321, 0.014750898815691471, 0.015850111842155457, 0.015042346902191639, 0.01455698162317276, 0.008991719223558903, 0.0021137550938874483, -0.006177886389195919, -0.0033660833723843098, -0.0012740292586386204, -0.008179128170013428, 0.0009177298634313047, 0.000892848998773843, 0.004900424275547266, 0.0050482433289289474, 0.006831599865108728, 0.01586219109594822, 0.012500734068453312, 0.006711567286401987, 0.010674605146050453, 0.005126669071614742, 0.003175752004608512, 0.002137932227924466, 0.003001636592671275, 0.009011519141495228, 0.0023891946766525507, -0.00025818776339292526, 0.010841747745871544, 0.004086409229785204, 0.0037225130945444107, 0.009167348966002464, 0.0027009621262550354, 0.004367029760032892, 0.003960270434617996, 0.006188731174916029, 0.011827620677649975, 0.006436727475374937, 0.012177648022770882, 0.020084185525774956, 0.015597024001181126, 0.014647887088358402, 0.016113653779029846, 0.008138188160955906, 0.00231182505376637, -0.0022437050938606262, -0.0036486447788774967, -0.001300967764109373, -0.0005192718817852437, 0.0006449610227718949, 0.010739348828792572, 0.01354165282100439, 0.012372667901217937, 0.024201586842536926, 0.014957091771066189, 0.014216751791536808, 0.00908651202917099, 0.0026247617788612843, 0.003898878348991275, 0.0014241781318560243, -0.0018023791490122676, 0.0027991861570626497, 0.003810241585597396, 0.002663747174665332, 0.007881064899265766, 0.00836201012134552, 0.013302139937877655, 0.017232634127140045, 0.02158508263528347, 0.02463683858513832, 0.023798545822501183, 0.02139771170914173, 0.013501305133104324, 0.01676570065319538, 0.010814000852406025, 0.007329699117690325, 0.004036955069750547, 0.003454223508015275, 0.0019482491770759225, 0.004812857136130333, 0.009479942731559277, 0.016253428533673286, 0.018423842266201973, 0.020369740203022957, 0.028019489720463753, 0.02350754477083683, 0.018542291596531868, 0.01785394735634327, 0.01168858539313078, 0.00883417297154665, 0.005628655198961496, 0.0045975991524755955, 0.005834606476128101, 0.003714193357154727, 0.007643658202141523, 0.010074739344418049, 0.009940755553543568, 0.014468279667198658, 0.018135542050004005, 0.016406569629907608, 0.01618637517094612, 0.018560705706477165, 0.01160116121172905, 0.00939839705824852, 0.008937841281294823, 0.008575767278671265, 0.006006674841046333, 0.0012189083499833941, 0.008974973112344742, 0.00763108441606164, 0.004055292811244726, 0.00994820985943079, 0.014873302541673183, 0.011185470037162304, 0.008691755123436451, 0.011529610492289066, 0.011429445818066597, 0.009971647523343563, 0.006197805516421795, 0.01404384896159172, 0.012417403049767017, 0.009410782717168331, 0.008315120823681355, 0.0042124101892113686, 0.0031334268860518932, -0.0005351612926460803, 0.0012386901071295142, 0.006947794929146767, 0.007285625208169222, 0.008091575466096401, 0.012079207226634026, 0.01600007899105549, 0.013516777195036411, 0.01659589260816574, 0.017786646261811256, 0.015687042847275734, 0.014632216654717922, 0.009142287075519562, 0.006239358335733414, 0.0007610053289681673, -0.0037777600809931755, -0.003956114873290062, -0.0035130225587636232, -0.003665476106107235, -0.0012350167380645871, 0.0050468361005187035, 0.007694152649492025, 0.00788003671914339, 0.011215961538255215, 0.017022591084241867, 0.01419142261147499, 0.015225891955196857, 0.01657632179558277, 0.014294233173131943, 0.013705275021493435, 0.009349849075078964, 0.011711480095982552, 0.0053174798376858234, 0.004666912369430065, 0.006154160480946302, 0.006186800077557564, 0.005627415142953396, 0.00773206353187561, 0.008672711439430714, 0.012667992152273655, 0.010163325816392899, 0.008930833078920841, 0.00763568514958024, 0.00617469847202301, 0.0006840595160610974, 0.0015003939624875784, 0.0034761240240186453, -3.326034493511543e-05, -0.0018773713381960988, -0.0030192744452506304, -0.0017196015687659383, -0.004417910240590572, -0.002703134436160326, 0.0008373770979233086, 0.003929710481315851, 0.001891664694994688, 0.005164554342627525, 0.006483111064881086, 0.0041585504077374935, 0.004820558708161116, 0.0033070151694118977, 0.006757414899766445, 0.0032620448619127274, 0.004262970294803381, 0.0030297657940536737, -0.0005086231394670904, 0.0005931338528171182, 0.0007243456202559173, 0.003790317103266716, 0.007148385513573885, 0.009968547150492668, 0.00923867803066969, 0.011863925494253635, 0.011291984468698502, 0.0048799654468894005, 0.006081898231059313, 0.0036250457633286715, 0.001881796750240028, 0.0029061685781925917, 0.005260305944830179, 0.004890421871095896, 0.003872588276863098, 0.004488467704504728, 0.002646637847647071, 0.002305740024894476, -0.0021759518422186375, 0.0025229807943105698, 0.001825632993131876, 0.002040005521848798, 0.0028723920695483685, 0.0019093536539003253, -0.0009029581560753286, -0.0015011470532044768, -0.005150988698005676, -0.004282236099243164, -0.0026392361614853144, -0.003925977274775505, -0.00014174320676829666, 0.0013495226157829165, 0.0039904057048261166, 0.0033282034564763308, 0.005293417256325483, 0.005358459893614054, 0.0019612214528024197, 0.0024710192810744047, 0.0008750097476877272, 0.0023344855289906263, 0.0016412442782893777, -0.0004473765438888222, 1.8219447156297974e-05, 0.0027709142304956913, 0.0012831236235797405, 0.003086548065766692, -0.001529911532998085, -0.0013199119130149484, -0.005179404281079769, -0.011238683946430683, -0.00692782923579216, -0.010119116865098476, -0.008712168782949448, -0.004483944736421108, -0.0005759549676440656, -0.0014190669171512127, 0.00042816181667149067, 0.001960620516911149, -0.0038845741655677557, -0.006603037938475609, -0.008549254387617111, -0.012057391926646233, -0.017243197187781334, -0.017695240676403046, -0.01800057850778103, -0.020434653386473656, -0.015282440930604935, -0.012295917607843876, -0.012242285534739494, -0.00958824809640646, -0.007460432127118111, -0.008269485086202621, -0.006952151656150818, -0.005770634859800339, -0.006620325148105621, -0.006410124711692333, -0.0064656371250748634, -0.004137550946325064, -0.00517514580860734, -0.005196959711611271, -0.0036685133818536997, -0.007850204594433308, -0.009787430986762047, -0.01080654188990593, -0.012989639304578304, -0.012351632118225098, -0.012701512314379215, -0.017565950751304626, -0.017541781067848206, -0.016551511362195015, -0.017162930220365524, -0.014860467053949833, -0.012577783316373825, -0.010018961504101753, -0.008080707862973213, -0.007941384799778461, -0.00715453689917922, -0.007277699653059244, -0.011154014617204666, -0.011898943223059177, -0.015916967764496803, -0.018858162686228752, -0.014688621275126934, -0.017411446198821068, -0.019081654027104378, -0.016333015635609627, -0.014860350638628006, -0.012141987681388855, -0.006787978578358889, -0.004300298169255257, -0.0005500106490217149, 0.0006680117803625762, 0.002442244440317154, 0.004505553748458624, 0.0009096774738281965, 0.0003541523474268615, -0.0030191366095095873, -0.003218230325728655, -0.005752463359385729, -0.007790252100676298, -0.010172385722398758, -0.009327135048806667, -0.0092546958476305, -0.008863511495292187, -0.004516337998211384, -0.0025481805205345154, -0.0026040910743176937, -0.00048364640679210424, 0.003554221708327532, 0.0014747981913387775, 0.002487252000719309, 0.004582548048347235, 0.003421367611736059, 0.0008827059646137059, 0.001165788504295051, -0.00019363692263141274, -0.002450555795803666, -0.0054365661926567554, -0.005760044325143099, -0.0045545571483671665, -0.0036168440710753202, -0.002552663441747427, -0.0017963199643418193, -0.0027028073091059923, -0.0032724030315876007, -0.0028697254601866007, -0.004752033855766058, -0.005056337919086218, -0.006763479206711054, -0.006618955638259649, -0.004332415759563446, -0.005652997642755508, -0.005385622847825289, -0.0032688335049897432, -0.0026005380786955357, -0.003386489348486066, -0.003425881965085864, -0.00020512117771431804, -0.00192699721083045, -0.002032842254266143, -0.001638565445318818, -0.0030200225301086903, -0.006823247764259577, -0.005308985244482756, -0.005259852856397629, -0.008701336570084095, -0.005323964171111584, -0.007055383175611496, -0.00967761967331171, -0.010835100896656513, -0.011715259402990341, -0.012247641570866108, -0.010861963964998722, -0.010068974457681179, -0.011038337834179401, -0.00683147506788373, -0.007034637033939362, -0.005939325783401728, -0.007088158279657364, -0.0054441578686237335, -0.004571009427309036, -0.009092907421290874, -0.00877341628074646, -0.009301275946199894, -0.010511542670428753, -0.01048603281378746, -0.009655614383518696, -0.010287325829267502, -0.009834900498390198, -0.010206989012658596, -0.012140837498009205, -0.011634254828095436, -0.01081991195678711, -0.013424403965473175, -0.009676690213382244, -0.007880526594817638, -0.008091959170997143, -0.006615531165152788, -0.005950366612523794, -0.006250089034438133, -0.007983122020959854, -0.006844202056527138, -0.005806365981698036, -0.006773720495402813, -0.009133092127740383, -0.008640806190669537, -0.011142182163894176, -0.012013203464448452, -0.012960873544216156, -0.014590512961149216, -0.015274468809366226, -0.017554381862282753, -0.016481993719935417, -0.01539523433893919, -0.012827085331082344, -0.014256107620894909, -0.008201702497899532, -0.006421632133424282, -0.005310721229761839, -0.005070843733847141, -0.004132315516471863, -0.002216075314208865, -0.0024413771461695433, -0.00205635535530746, -0.0006894167163409293, -0.002358925063163042, -0.006373585667461157, -0.004369027446955442, -0.0049898382276296616, -0.007155178114771843, -0.0033356528729200363, -0.004334164783358574, -0.0016845421632751822, 0.0002731241111177951, -0.0011902684345841408, 0.0018550105160102248, 0.003723504953086376, 0.00221611256711185, 0.0024411592166870832, 0.004427028354257345, 0.0005813428433611989, 0.0005203520995564759, -0.0011962775606662035, -0.0013941886136308312, 0.0011814216850325465, -0.0015065638581290841, 0.001203274936415255, 0.0025482389610260725, 0.0008320980705320835, 0.0017603999003767967, 0.003870627610012889, 0.003276806091889739, 0.004730993416160345, 0.006082556210458279, 0.004261287394911051, 0.007708218414336443, 0.0033449442125856876, 0.00078184949234128, 0.0020406206604093313, 0.0011793308658525348, 0.0014948354801163077, -0.0002838099026121199, 0.0016216898802667856, 0.002835408551618457, 0.0001070909493137151, 0.0009457259438931942, 0.002998494543135166, 0.002269048010930419, -0.0008498812094330788, 0.0010395011631771922, 0.0022448969539254904, 0.001971394522115588, 0.004296057857573032, 0.005362623371183872, 0.0068052285350859165, 0.004857812542468309, 0.00531558645889163, 0.005191997159272432, 0.00256747636012733, 0.001911297906190157, 9.52492409851402e-05, -0.0013771943049505353, -0.0031213469337671995, -0.006207723170518875, -0.007967374287545681, -0.008070852607488632, -0.00760721554979682, -0.007743148598819971, -0.004909904208034277, -0.0051833041943609715, -0.004853866528719664, -0.004259855952113867, -0.004023272544145584, -0.0034412832465022802, -0.003948849160224199, -0.0026280037127435207, -0.004251416306942701, -0.0057285563088953495, -0.007020137272775173, -0.007802581414580345, -0.011253714561462402, -0.013578095473349094, -0.013411469757556915, -0.01578025333583355, -0.015792129561305046, -0.018957113847136497, -0.018474405631422997, -0.01868564821779728, -0.01978633552789688, -0.020137153565883636, -0.020052354782819748, -0.019368158653378487, -0.020710693672299385, -0.020660731941461563, -0.02120039612054825, -0.021434450522065163, -0.023355742916464806, -0.023400500416755676, -0.023856254294514656, -0.026148870587348938, -0.026388542726635933, -0.02866419591009617, -0.030476385727524757, -0.03249954804778099, -0.03230128809809685, -0.03327267989516258, -0.03393007442355156, -0.032491106539964676, -0.03322599455714226, -0.032100286334753036, -0.03277524188160896, -0.029802782461047173, -0.030485888943076134, -0.02770461142063141, -0.027656497433781624, -0.027622906491160393, -0.026867615059018135, -0.025993885472416878, -0.024624722078442574, -0.02487659640610218, -0.022394606843590736, -0.021636979654431343, -0.021121636033058167, -0.018458982929587364, -0.017590902745723724, -0.015515281818807125, -0.01144715677946806, -0.006610220763832331, -0.0012494093971326947, 0.006176217924803495, 0.014804307371377945, 0.021076444536447525, 0.029338283464312553, 0.035522688180208206, 0.04131636768579483, 0.044680580496788025, 0.047968789935112, 0.051805078983306885, 0.05426277965307236, 0.058911364525556564, 0.05928453430533409, 0.061299726366996765, 0.06321422010660172, 0.06422651559114456, 0.06307031959295273, 0.06373561173677444, 0.06356260180473328, 0.061884041875600815, 0.06247639283537865, 0.062457188963890076, 0.06141531467437744, 0.05970994010567665, 0.059154022485017776, 0.05854356288909912, 0.05637110397219658, 0.054540038108825684, 0.05284024775028229, 0.05066646635532379, 0.047075338661670685, 0.04515984281897545, 0.042608458548784256, 0.03964187577366829, 0.03629065677523613, 0.031403444707393646, 0.028162024915218353, 0.023900778964161873, 0.019327612593770027, 0.014639039523899555, 0.010452184826135635, 0.006716057192534208, 0.004039477091282606, 0.0036876488011330366, 0.0006793871289119124, -0.0007153141195885837, -0.0026445509865880013, -0.003971631173044443, -0.004916634410619736, -0.007033385336399078, -0.005558797158300877, -0.006333226803690195, -0.005487789399921894, -0.006106062326580286, -0.007280735764652491, -0.0073748561553657055, -0.011181149631738663, -0.011559885926544666, -0.014945470727980137, -0.015962028875947, -0.019512027502059937, -0.02281532995402813, -0.02497858926653862, -0.029328810051083565, -0.031561631709337234, -0.034707773476839066, -0.03591727837920189, -0.03825942054390907, -0.038161832839250565, -0.038751933723688126, -0.03979524224996567, -0.04099759832024574, -0.04329496622085571, -0.04561920091509819, -0.04706958681344986, -0.04955807700753212, -0.051313672214746475, -0.05277419090270996, -0.05307316780090332, -0.05537678301334381, -0.05794861540198326, -0.0589543879032135, -0.06311480700969696, -0.06419680267572403, -0.06472540646791458, -0.06571007519960403, -0.06606952846050262, -0.06808511167764664, -0.06806879490613937, -0.06930812448263168, -0.0701657086610794, -0.07040899991989136, -0.069209024310112, -0.06861452758312225, -0.06544551998376846, -0.059831101447343826, -0.05479634180665016, -0.04943094775080681, -0.040451012551784515, -0.03319113701581955, -0.017982374876737595, -0.006554527208209038, 0.00444289855659008, 0.021190427243709564, 0.030789455398917198, 0.046217288821935654, 0.055787935853004456, 0.0667300894856453, 0.07747106999158859, 0.08191671967506409, 0.08739069849252701, 0.09072625637054443, 0.09336120635271072, 0.08839669823646545, 0.08887375891208649, 0.08677981048822403, 0.0777691975235939, 0.07707616686820984, 0.06743570417165756, 0.06276827305555344, 0.05707179009914398, 0.04873865842819214, 0.04570651054382324, 0.03859252482652664, 0.03389568254351616, 0.029127387329936028, 0.025693818926811218, 0.022654367610812187, 0.020721059292554855, 0.01899733953177929, 0.015973875299096107, 0.017494019120931625, 0.013275841251015663, 0.011744851246476173, 0.012561648152768612, 0.008624543435871601, 0.008206718601286411, 0.006401499733328819, 0.004710964858531952, 0.0035456742625683546, 0.0033765288535505533, 0.0035456332843750715, 0.005020387005060911, 0.00778351491317153, 0.010227407328784466, 0.014834241010248661, 0.020731192082166672, 0.026531171053647995, 0.034176189452409744, 0.0413045734167099, 0.04812842234969139, 0.05658568814396858, 0.0622810423374176, 0.06942068785429001, 0.07620745897293091, 0.0813070610165596, 0.08635362237691879, 0.0906750038266182, 0.0940621867775917, 0.09341152757406235, 0.0945199579000473, 0.09126033633947372, 0.0872163325548172, 0.08327392488718033, 0.07458365708589554, 0.06786496192216873, 0.05881062522530556, 0.04970822483301163, 0.04165291041135788, 0.03271979093551636, 0.024946488440036774, 0.0170577559620142, 0.011205868795514107, 0.001829422195442021, -0.002801047870889306, -0.007401123642921448, -0.013476011343300343, -0.01519893016666174, -0.01976657472550869, -0.02320292219519615, -0.02494356781244278, -0.025782112032175064, -0.0274350643157959, -0.02871977537870407, -0.02897511050105095, -0.029873212799429893, -0.030834214761853218, -0.03620246797800064, -0.03753476217389107, -0.04006749391555786, -0.04386334493756294, -0.04490886628627777, -0.047350116074085236, -0.04980255663394928, -0.05099938437342644, -0.052652422338724136, -0.055400434881448746, -0.05583322420716286, -0.05688098073005676, -0.06033894419670105, -0.06119328737258911, -0.06509190052747726, -0.06584133952856064, -0.06594701111316681, -0.07064014673233032, -0.0707114040851593, -0.07374942302703857, -0.07639757543802261, -0.07985375821590424, -0.08221807330846786, -0.08464779704809189, -0.08786792308092117, -0.08975551277399063, -0.09564243257045746, -0.09836656600236893, -0.10204370319843292, -0.10641984641551971, -0.10710956901311874, -0.11002987623214722, -0.1086602658033371, -0.10643864423036575, -0.0995592474937439, -0.08988858014345169, -0.07921592146158218, -0.06856484711170197, -0.05207865685224533, -0.036107130348682404, -0.01877518929541111, -0.0029790441039949656, 0.015220235101878643, 0.03160478547215462, 0.04605448618531227, 0.06252234429121017, 0.07264179736375809, 0.08494305610656738, 0.09365370124578476, 0.09802065044641495, 0.1026916652917862, 0.09991095215082169, 0.10102179646492004, 0.09611215442419052, 0.09265682846307755, 0.08700719475746155, 0.08056329935789108, 0.07745037227869034, 0.06862867623567581, 0.06643068045377731, 0.05970669910311699, 0.05670623108744621, 0.05362238362431526, 0.048790667206048965, 0.0477486327290535, 0.04334408417344093, 0.04301935061812401, 0.03973338007926941, 0.037091948091983795, 0.03431113436818123, 0.029068218544125557, 0.02579462341964245, 0.018628234043717384, 0.014823902398347855, 0.00802228320389986, 0.0014608163619413972, -0.004096284043043852, -0.01015368103981018, -0.01420233678072691, -0.01987304911017418, -0.021343374624848366, -0.023250794038176537, -0.021346809342503548, -0.01733521744608879, -0.013592703267931938, -0.006755186710506678, -8.198708383133635e-05, 0.011003074236214161, 0.020639177411794662, 0.031062012538313866, 0.04215748608112335, 0.052242524921894073, 0.06360198557376862, 0.07187432050704956, 0.0797305703163147, 0.08484337478876114, 0.09046538174152374, 0.09283629804849625, 0.09032785892486572, 0.08962377905845642, 0.08559412509202957, 0.0821075439453125, 0.07612016052007675, 0.07036332786083221, 0.06361862272024155, 0.057366494089365005, 0.050088196992874146, 0.04296036437153816, 0.03709324449300766, 0.031087344512343407, 0.025858338922262192, 0.01949823461472988, 0.015418685041368008, 0.010804428718984127, 0.006863577291369438, 0.004517504945397377, 0.0008609674405306578, -0.0016346158226951957, -0.00501427985727787, -0.006409923080354929, -0.00955119077116251, -0.01167540904134512, -0.013396507129073143, -0.016446920111775398, -0.01841689459979534, -0.02228422649204731, -0.02475634589791298, -0.028948230668902397, -0.03195461258292198, -0.03586747869849205, -0.038704488426446915, -0.04033689945936203, -0.04250453785061836, -0.04295049607753754, -0.04406411200761795, -0.04270968958735466, -0.0430418998003006, -0.04332514479756355, -0.04378495737910271, -0.04418390244245529, -0.044110942631959915, -0.04807177186012268, -0.048732008785009384, -0.050661951303482056, -0.054086536169052124, -0.05589327588677406, -0.061616167426109314, -0.06314545124769211, -0.06814166158437729, -0.0713953748345375, -0.07561235129833221, -0.08096588402986526, -0.08375103771686554, -0.09009101241827011, -0.09358178079128265, -0.1005128026008606, -0.10530975461006165, -0.10884065926074982, -0.11153614521026611, -0.10990128666162491, -0.11135128885507584, -0.10763253271579742, -0.10138408094644547, -0.09276862442493439, -0.08217943459749222, -0.07148053497076035, -0.05645598843693733, -0.04266516864299774, -0.026428556069731712, -0.012587342411279678, 0.005657170433551073, 0.019803769886493683, 0.03443451598286629, 0.047555118799209595, 0.0577903650701046, 0.066999651491642, 0.07417446374893188, 0.07950400561094284, 0.08209013938903809, 0.08436210453510284, 0.08314505219459534, 0.08142410218715668, 0.0791594535112381, 0.07446674257516861, 0.07186781615018845, 0.06623328477144241, 0.06226508691906929, 0.05868158116936684, 0.05534285679459572, 0.05245896428823471, 0.04974010959267616, 0.04751591011881828, 0.045308005064725876, 0.0442657507956028, 0.04038427770137787, 0.03898078575730324, 0.03695342317223549, 0.03400138393044472, 0.03115416318178177, 0.026704968884587288, 0.02300523966550827, 0.018907150253653526, 0.012292747385799885, 0.006139518693089485, 0.0001868576364358887, -0.005316323135048151, -0.011414093896746635, -0.015771573409438133, -0.02124287560582161, -0.02547558769583702, -0.026853779330849648, -0.029157891869544983, -0.02757294662296772, -0.02598201483488083, -0.023010866716504097, -0.018130889162421227, -0.01142730563879013, -0.003500718856230378, 0.0059863971546292305, 0.017010126262903214, 0.02672109752893448, 0.03802114352583885, 0.04714306443929672, 0.05586830899119377, 0.06418085843324661, 0.0726030096411705, 0.07844372093677521, 0.08218749612569809, 0.08483002334833145, 0.08475486934185028, 0.08520597219467163, 0.08252710849046707, 0.07927894592285156, 0.0747448056936264, 0.06932864338159561, 0.06411202996969223, 0.05699184909462929, 0.05232428386807442, 0.045957088470458984, 0.041133299469947815, 0.03522558882832527, 0.03043876402080059, 0.026627346873283386, 0.022663764655590057, 0.018587136641144753, 0.014576245099306107, 0.010322981514036655, 0.00555699598044157, 0.00152688380330801, -0.002937641926109791, -0.005120217800140381, -0.008841151371598244, -0.011527206748723984, -0.015393772162497044, -0.020757194608449936, -0.0245246272534132, -0.029878763481974602, -0.03391992673277855, -0.038945332169532776, -0.04232640191912651, -0.04526164010167122, -0.048565395176410675, -0.0486237034201622, -0.05018157139420509, -0.048725102096796036, -0.049112625420093536, -0.04924117773771286, -0.046941544860601425, -0.046836622059345245, -0.0452040433883667, -0.04648805409669876, -0.047185081988573074, -0.0491991750895977, -0.05320010706782341, -0.05589240789413452, -0.06044508516788483, -0.0627790242433548, -0.06939537078142166, -0.07335131615400314, -0.07848986238241196, -0.08434823900461197, -0.08731216192245483, -0.0938396155834198, -0.09632723778486252, -0.10207121819257736, -0.10471642017364502, -0.10927378386259079, -0.11435592174530029, -0.11644036322832108, -0.12230508774518967, -0.11965885758399963, -0.1225866973400116, -0.1210554763674736, -0.11792434006929398, -0.11354409903287888, -0.10451506078243256, -0.09725270420312881, -0.08500290662050247, -0.07324779033660889, -0.058989182114601135, -0.043094612658023834, -0.028093913570046425, -0.009397311136126518, 0.005503993481397629, 0.022256795316934586, 0.03678545728325844, 0.04943763464689255, 0.06068861857056618, 0.06945178657770157, 0.07720975577831268, 0.08192680776119232, 0.08474326133728027, 0.08642701059579849, 0.08640168607234955, 0.0853019505739212, 0.08273839950561523, 0.08111531287431717, 0.07796430587768555, 0.07406718283891678, 0.07191982120275497, 0.06820528954267502, 0.06599734723567963, 0.06262112408876419, 0.06093164160847664, 0.05842169001698494, 0.05548712983727455, 0.05201013758778572, 0.04905347526073456, 0.04666772484779358, 0.04257408529520035, 0.038091991096735, 0.034088507294654846, 0.028051523491740227, 0.023062027990818024, 0.01567608118057251, 0.008466307073831558, 0.0017637311248108745, -0.006267099175602198, -0.013513930141925812, -0.020341340452432632, -0.025893600657582283, -0.03226659819483757, -0.03696133941411972, -0.037612829357385635, -0.0387023501098156, -0.036298930644989014, -0.034183356910943985, -0.028700385242700577, -0.02139935828745365, -0.015139139257371426, -0.0055914162658154964, 0.0033605112694203854, 0.014744765125215054, 0.0250526312738657, 0.035951923578977585, 0.04573887214064598, 0.053549543023109436, 0.06297116726636887, 0.06810473650693893, 0.07286269217729568, 0.07703426480293274, 0.07827530801296234, 0.07842008024454117, 0.07698813080787659, 0.07506405562162399, 0.07132630795240402, 0.06774697452783585, 0.06379539519548416, 0.05771871656179428, 0.053119782358407974, 0.0475429967045784, 0.04362225532531738, 0.03966325521469116, 0.035736072808504105, 0.032275352627038956, 0.027653023600578308, 0.02431544102728367, 0.020038023591041565, 0.017249146476387978, 0.013272375799715519, 0.0093847019597888, 0.0069789644330739975, 0.0011573201045393944, -0.001744846231304109, -0.006549066863954067, -0.009916093200445175, -0.014237315393984318, -0.018798721954226494, -0.021659040823578835, -0.025921277701854706, -0.027450641617178917, -0.030304739251732826, -0.03139510005712509, -0.03349167853593826, -0.03613229840993881, -0.035936642438173294, -0.03855948895215988, -0.03837389871478081, -0.03894972801208496, -0.03952392190694809, -0.03951304405927658, -0.041328299790620804, -0.04168236255645752, -0.04404626414179802, -0.04531457647681236, -0.047935813665390015, -0.052028339356184006, -0.0545252300798893, -0.05930207669734955, -0.06292648613452911, -0.06728490442037582, -0.07119011133909225, -0.07577671110630035, -0.079776830971241, -0.08278807252645493, -0.08724942058324814, -0.08986589312553406, -0.09481387585401535, -0.0977509617805481, -0.10120490938425064, -0.10456769168376923, -0.10668125003576279, -0.11171185225248337, -0.11435666680335999, -0.11973903328180313, -0.1205209419131279, -0.12002585083246231, -0.12063834816217422, -0.11760762333869934, -0.11483978480100632, -0.1077028289437294, -0.10140410810709, -0.09199651330709457, -0.08004645258188248, -0.06808342784643173, -0.053650807589292526, -0.03959506377577782, -0.022929010912775993, -0.0054772538132965565, 0.011183218099176884, 0.027643589302897453, 0.04236934334039688, 0.05794801190495491, 0.07001230120658875, 0.08153309673070908, 0.08979520201683044, 0.09558672457933426, 0.0994231104850769, 0.10026387125253677, 0.09989318996667862, 0.09687752276659012, 0.09292817115783691, 0.08860832452774048, 0.08267900347709656, 0.0766187384724617, 0.07047732174396515, 0.06646067649126053, 0.060303326696157455, 0.0558021105825901, 0.05102488026022911, 0.04759832099080086, 0.04471050947904587, 0.04017915949225426, 0.03867078572511673, 0.03462183475494385, 0.031231330707669258, 0.025973359122872353, 0.020898770540952682, 0.015431680716574192, 0.00797383114695549, 0.0014696427388116717, -0.006152583286166191, -0.013302184641361237, -0.019287925213575363, -0.025707237422466278, -0.029516300186514854, -0.03285747393965721, -0.03472403436899185, -0.03406110778450966, -0.03129180893301964, -0.026934698224067688, -0.02184174209833145, -0.013927106745541096, -0.006744113750755787, 0.001972346333786845, 0.010661539621651173, 0.02127658575773239, 0.0326249934732914, 0.04039568454027176, 0.050211623311042786, 0.057719070464372635, 0.06478124111890793, 0.07084714621305466, 0.07466667890548706, 0.0797061026096344, 0.08011624962091446, 0.08282217383384705, 0.08168013393878937, 0.08078040927648544, 0.07950259745121002, 0.07476629316806793, 0.07320120930671692, 0.06741410493850708, 0.0640048161149025, 0.059183742851018906, 0.0543694868683815, 0.0510358028113842, 0.04494285210967064, 0.041383471339941025, 0.0368044413626194, 0.032298918813467026, 0.028124118223786354, 0.023737994953989983, 0.020195871591567993, 0.013718021102249622, 0.008833215571939945, 0.004268666263669729, -0.000744945602491498, -0.005013888701796532, -0.010497820563614368, -0.013217074796557426, -0.016508517786860466, -0.019236503168940544, -0.020964249968528748, -0.02160225249826908, -0.021788112819194794, -0.021626699715852737, -0.019452044740319252, -0.01721760258078575, -0.013730686157941818, -0.011849812231957912, -0.0089919688180089, -0.007073433604091406, -0.0069254604168236256, -0.006863472983241081, -0.008065705187618732, -0.00905811507254839, -0.013224423862993717, -0.0178998950868845, -0.02368810959160328, -0.030748700723052025, -0.03813885152339935, -0.04662681370973587, -0.051597826182842255, -0.05858113244175911, -0.06376142054796219, -0.0696825310587883, -0.07391931116580963, -0.07719975709915161, -0.08163576573133469, -0.08389976620674133, -0.0879330113530159, -0.09081727266311646, -0.09232374280691147, -0.09567730128765106, -0.09646230190992355, -0.09947238117456436, -0.10090170055627823, -0.10191472619771957, -0.10414949804544449, -0.10492581874132156, -0.10750000923871994, -0.10485241562128067, -0.10659662634134293, -0.10625992715358734, -0.10462582111358643, -0.10514333844184875, -0.101847805082798, -0.09920205175876617, -0.09153491258621216, -0.0827203169465065, -0.07585541158914566, -0.06511025875806808, -0.05517217144370079, -0.03862093389034271, -0.024366164579987526, -0.0074803936295211315, 0.011056079529225826, 0.026831891387701035, 0.04586057737469673, 0.061948101967573166, 0.0780654326081276, 0.09389013051986694, 0.10649056732654572, 0.11665960401296616, 0.12266566604375839, 0.12806755304336548, 0.12975667417049408, 0.12946496903896332, 0.12644390761852264, 0.11954227834939957, 0.1122947707772255, 0.10154635459184647, 0.09156132489442825, 0.07989833503961563, 0.07003624737262726, 0.05963312089443207, 0.04948260262608528, 0.040465306490659714, 0.031130140647292137, 0.024046288803219795, 0.016177097335457802, 0.010968923568725586, 0.005378462374210358, 0.0006124518695287406, -0.002828623866662383, -0.0050188819877803326, -0.007436585146933794, -0.011373580433428288, -0.014237157069146633, -0.018042176961898804, -0.01997104473412037, -0.022794563323259354, -0.023197190836071968, -0.023065775632858276, -0.025994377210736275, -0.023552095517516136, -0.02303679846227169, -0.0182083398103714, -0.013374225236475468, -0.006742570549249649, 0.002554371953010559, 0.009944835677742958, 0.020813167095184326, 0.030722633004188538, 0.04155470058321953, 0.05106756091117859, 0.060135725885629654, 0.06901731342077255, 0.07576355338096619, 0.08176123350858688, 0.08595014363527298, 0.08961942046880722, 0.09007523953914642, 0.09229443967342377, 0.09315892308950424, 0.09222909063100815, 0.0927540734410286, 0.0912897065281868, 0.09118231385946274, 0.09038607031106949, 0.08917514979839325, 0.08665849268436432, 0.085377037525177, 0.08225493133068085, 0.07657791674137115, 0.07134111225605011, 0.06723079830408096, 0.05872684717178345, 0.05192076414823532, 0.042162828147411346, 0.031769927591085434, 0.024617785587906837, 0.011170990765094757, 0.003986692521721125, -0.0031968392431735992, -0.011228549294173717, -0.012807507067918777, -0.01653454639017582, -0.01492431852966547, -0.01467718556523323, -0.009672645479440689, -0.003718412248417735, 0.00040547476965002716, 0.008255409076809883, 0.01024122629314661, 0.016562683507800102, 0.017656149342656136, 0.0195913165807724, 0.02292012609541416, 0.020076049491763115, 0.0191670972853899, 0.015750115737318993, 0.012971274554729462, 0.006926521193236113, 0.002296457067131996, -0.004444777499884367, -0.012926815077662468, -0.017977362498641014, -0.02730926126241684, -0.032684288918972015, -0.04042486101388931, -0.046655457466840744, -0.05298876017332077, -0.05829407647252083, -0.0634305477142334, -0.06889212876558304, -0.07163422554731369, -0.07751652598381042, -0.08004281669855118, -0.08752873539924622, -0.09492938965559006, -0.09896949678659439, -0.10589994490146637, -0.10858291387557983, -0.11599164456129074, -0.11852037161588669, -0.12225974351167679, -0.12643320858478546, -0.1233455240726471, -0.12794476747512817, -0.12570583820343018, -0.12575732171535492, -0.12619079649448395, -0.11995979398488998, -0.1219792440533638, -0.11688941717147827, -0.11355075240135193, -0.112997867166996, -0.10472028702497482, -0.10230544954538345, -0.08970199525356293, -0.08189065754413605, -0.0687176063656807, -0.05014758184552193, -0.038457006216049194, -0.014334932900965214, 0.0016207093140110373, 0.02574143558740616, 0.04715949669480324, 0.06378663331270218, 0.08544060587882996, 0.09670177102088928, 0.11445844173431396, 0.12216323614120483, 0.12742115557193756, 0.13433663547039032, 0.13182483613491058, 0.13268736004829407, 0.12415128946304321, 0.11749038100242615, 0.10861453413963318, 0.09860987216234207, 0.09045609086751938, 0.07812120765447617, 0.06917869299650192, 0.058234166353940964, 0.05061161890625954, 0.041422732174396515, 0.032492708414793015, 0.023028314113616943, 0.015824949368834496, 0.008478449657559395, -0.0009555337601341307, -0.00678248843178153, -0.01635819487273693, -0.02071842923760414, -0.02756827138364315, -0.03364769369363785, -0.03783906623721123, -0.04409104958176613, -0.04520970955491066, -0.0486440472304821, -0.04776129499077797, -0.04643842577934265, -0.04230630025267601, -0.035910334438085556, -0.03114285133779049, -0.022992413491010666, -0.015136419795453548, -0.00447142543271184, 0.007129272911697626, 0.01607729308307171, 0.02792789600789547, 0.036738086491823196, 0.04563380777835846, 0.054783545434474945, 0.060741063207387924, 0.06936687976121902, 0.07310113310813904, 0.07842230051755905, 0.08093368262052536, 0.08374610543251038, 0.08786536008119583, 0.08982934802770615, 0.09355141967535019, 0.09213479608297348, 0.09548536688089371, 0.09357499331235886, 0.09384524822235107, 0.09244811534881592, 0.08990910649299622, 0.08698910474777222, 0.07944589853286743, 0.07611371576786041, 0.06723799556493759, 0.06149427965283394, 0.052071280777454376, 0.043051015585660934, 0.03519507125020027, 0.024391766637563705, 0.01893232949078083, 0.011031558737158775, 0.006818552501499653, 0.0022172299213707447, -0.00038219118141569197, -0.0008034371421672404, -0.0020003465469926596, 0.0018166359513998032, 0.005495679099112749, 0.010229959152638912, 0.014634278602898121, 0.020995276048779488, 0.027159614488482475, 0.030939335003495216, 0.03465031459927559, 0.037564221769571304, 0.03733406588435173, 0.036680642515420914, 0.03462369367480278, 0.030498554930090904, 0.024766435846686363, 0.019039658829569817, 0.013407008722424507, 0.006756416521966457, 0.0011239406885579228, -0.004241468850523233, -0.0066489167511463165, -0.011146150529384613, -0.014781917445361614, -0.017963843420147896, -0.022192208096385002, -0.025218669325113297, -0.030518777668476105, -0.03533369302749634, -0.04133519530296326, -0.048917967826128006, -0.05453859269618988, -0.06462425738573074, -0.07439970225095749, -0.0827949047088623, -0.09344455599784851, -0.10187748074531555, -0.1107974424958229, -0.11670932918787003, -0.122823566198349, -0.12853045761585236, -0.13089601695537567, -0.13804088532924652, -0.1341867297887802, -0.1408664882183075, -0.13695363700389862, -0.14090952277183533, -0.1445399671792984, -0.13745513558387756, -0.1507694572210312, -0.14185671508312225, -0.1529686450958252, -0.1520969271659851, -0.152293398976326, -0.1638290137052536, -0.1527920514345169, -0.15293385088443756, -0.14251574873924255, -0.12354165315628052, -0.11906377226114273, -0.08560208231210709, -0.0705089271068573, -0.03760800138115883, -0.005883030593395233, 0.016033070161938667, 0.05739935114979744, 0.0679425299167633, 0.10246630012989044, 0.11398113518953323, 0.12567086517810822, 0.14511318504810333, 0.13673706352710724, 0.14838145673274994, 0.13596965372562408, 0.1306285709142685, 0.12916333973407745, 0.11217260360717773, 0.11374415457248688, 0.09538541734218597, 0.0917561799287796, 0.08330872654914856, 0.07152364403009415, 0.07195071130990982, 0.05743161961436272, 0.0550011582672596, 0.04371567815542221, 0.029831960797309875, 0.020855365321040154, 0.005538869649171829, -0.005449617747217417, -0.019409986212849617, -0.036456696689128876, -0.04877670854330063, -0.06245534494519234, -0.07055777311325073, -0.07556761056184769, -0.08152955770492554, -0.0811448022723198, -0.07970339059829712, -0.07328108698129654, -0.06436332315206528, -0.05365072563290596, -0.0386219248175621, -0.025990068912506104, -0.011280962266027927, 0.0014392242301255465, 0.012272068299353123, 0.023989196866750717, 0.031299371272325516, 0.03941560536623001, 0.04418090730905533, 0.04979009926319122, 0.0530109666287899, 0.05634983256459236, 0.06026051938533783, 0.06506568938493729, 0.06935987621545792, 0.07640738040208817, 0.08187711983919144, 0.090892493724823, 0.09824713319540024, 0.10346963256597519, 0.1126590147614479, 0.112940713763237, 0.11439299583435059, 0.11199488490819931, 0.10498964786529541, 0.09836351126432419, 0.08826478570699692, 0.07747140526771545, 0.0654468908905983, 0.050141170620918274, 0.039511539041996, 0.030935801565647125, 0.023094376549124718, 0.015565730631351471, 0.013248568400740623, 0.013718782924115658, 0.014873412437736988, 0.019902488216757774, 0.024884816259145737, 0.03266244754195213, 0.03608117252588272, 0.04000572860240936, 0.04285573214292526, 0.04418959841132164, 0.046000078320503235, 0.045472800731658936, 0.0445520281791687, 0.04057147726416588, 0.03849782794713974, 0.03787710890173912, 0.03662353381514549, 0.03834502771496773, 0.04014386609196663, 0.04295331612229347, 0.0446341410279274, 0.045663826167583466, 0.048890888690948486, 0.049627635627985, 0.04756966605782509, 0.04374920204281807, 0.03806114196777344, 0.030449628829956055, 0.019949447363615036, 0.009920088574290276, -0.0011128876358270645, -0.013025841675698757, -0.02414797618985176, -0.034222934395074844, -0.04224858805537224, -0.04937714338302612, -0.0576610267162323, -0.06237172707915306, -0.06941740214824677, -0.06896574050188065, -0.07272376865148544, -0.07783401757478714, -0.08010546118021011, -0.08483245968818665, -0.08784699440002441, -0.09679239243268967, -0.10308016836643219, -0.11254311352968216, -0.11874929815530777, -0.12604117393493652, -0.13317228853702545, -0.13861660659313202, -0.14682899415493011, -0.1452578902244568, -0.1525868922472, -0.14953644573688507, -0.14875884354114532, -0.1445276290178299, -0.14205311238765717, -0.1420939862728119, -0.13796433806419373, -0.142823725938797, -0.1380564272403717, -0.14511315524578094, -0.14956040680408478, -0.15232573449611664, -0.16351157426834106, -0.14475418627262115, -0.14754007756710052, -0.1214354932308197, -0.1057857796549797, -0.08793489634990692, -0.03724509850144386, -0.024472175166010857, 0.03589175269007683, 0.05118974670767784, 0.09385523945093155, 0.12119996547698975, 0.12607106566429138, 0.15534426271915436, 0.14045007526874542, 0.15898631513118744, 0.13728463649749756, 0.1286933273077011, 0.11949080973863602, 0.08776513487100601, 0.09140884876251221, 0.06771305203437805, 0.06362871825695038, 0.055265236645936966, 0.04017036408185959, 0.04670538380742073, 0.030566735193133354, 0.03484441712498665, 0.021881403401494026, 0.012955348007380962, 0.0024328904692083597, -0.020513489842414856, -0.029646871611475945, -0.054042741656303406, -0.06797992438077927, -0.07953159511089325, -0.09501573443412781, -0.09925926476716995, -0.1045098602771759, -0.0969599261879921, -0.08614737540483475, -0.07059010863304138, -0.05078662931919098, -0.03222693130373955, -0.010534201748669147, 0.009959978982806206, 0.0319586917757988, 0.04483797028660774, 0.05698535218834877, 0.06469116359949112, 0.06908108294010162, 0.06940654665231705, 0.06436046212911606, 0.06638939678668976, 0.06227443739771843, 0.06394221633672714, 0.05973924696445465, 0.06308967620134354, 0.06942883878946304, 0.07662516087293625, 0.08727669715881348, 0.0932639092206955, 0.1019139289855957, 0.10284298658370972, 0.107079416513443, 0.10177204012870789, 0.09397953748703003, 0.08821741491556168, 0.0713394358754158, 0.056411851197481155, 0.03650876507163048, 0.023026596754789352, 0.009659850969910622, 0.0006385308806784451, -0.002506671706214547, -0.0009154582512564957, 0.007053517270833254, 0.011543253436684608, 0.033388901501894, 0.04127854108810425, 0.06284834444522858, 0.07512632012367249, 0.08487068861722946, 0.09644525498151779, 0.09258262813091278, 0.09555653482675552, 0.08512400090694427, 0.08471821248531342, 0.07545042783021927, 0.06911575049161911, 0.06120820343494415, 0.05575168505311012, 0.059114158153533936, 0.05764010548591614, 0.06417184323072433, 0.06627162545919418, 0.06771162897348404, 0.0712730810046196, 0.067517951130867, 0.06398898363113403, 0.055350977927446365, 0.04741787537932396, 0.03405001014471054, 0.018619131296873093, 0.008040834218263626, -0.007877754047513008, -0.007156968116760254, -0.019542299211025238, -0.015466692857444286, -0.015411057509481907, -0.017483696341514587, -0.00913521833717823, -0.012745409272611141, -0.010873697698116302, -0.01892746612429619, -0.023025566712021828, -0.03336837515234947, -0.04537389054894447, -0.05773143842816353, -0.07234787195920944, -0.08083143830299377, -0.09068557620048523, -0.09481843560934067, -0.09399841725826263, -0.0917414203286171, -0.09490099549293518, -0.08676884323358536, -0.0827045813202858, -0.08451947569847107, -0.0844600722193718, -0.08996004611253738, -0.0948931872844696, -0.11377469450235367, -0.11973655968904495, -0.13507317006587982, -0.15767067670822144, -0.15689782798290253, -0.17306891083717346, -0.1649094521999359, -0.17405708134174347, -0.1622256636619568, -0.16148489713668823, -0.15561364591121674, -0.1440795660018921, -0.14827971160411835, -0.13407842814922333, -0.15585745871067047, -0.145127534866333, -0.1666199415922165, -0.16797487437725067, -0.16404548287391663, -0.1440150886774063, -0.12408050894737244, -0.1135217547416687, -0.06080680713057518, -0.04140368476510048, 0.02322690561413765, 0.06772314757108688, 0.10398051142692566, 0.1496734768152237, 0.1514723002910614, 0.18555708229541779, 0.18190009891986847, 0.1750706434249878, 0.1687224954366684, 0.1412002295255661, 0.1303267776966095, 0.09022784978151321, 0.0888252854347229, 0.06424599140882492, 0.05269479751586914, 0.05940655991435051, 0.033834587782621384, 0.042728208005428314, 0.026556305587291718, 0.02277396433055401, 0.013632569462060928, -0.00916178710758686, -0.025324592366814613, -0.05437520146369934, -0.07694382220506668, -0.09858668595552444, -0.11539488285779953, -0.12032968550920486, -0.12582969665527344, -0.11406934261322021, -0.09855838865041733, -0.08078368753194809, -0.04459955543279648, -0.012910302728414536, 0.019870759919285774, 0.04826303571462631, 0.06640154868364334, 0.08037258684635162, 0.09534944593906403, 0.09888411313295364, 0.09918808937072754, 0.09141305088996887, 0.084828682243824, 0.07680092751979828, 0.0734904482960701, 0.075827956199646, 0.07923063635826111, 0.09422852098941803, 0.09369034320116043, 0.10181037336587906, 0.10545635223388672, 0.10233639180660248, 0.10496743768453598, 0.08578364551067352, 0.06908010691404343, 0.045484770089387894, 0.018622837960720062, -0.005180342588573694, -0.026162903755903244, -0.03832933306694031, -0.05143061280250549, -0.04462630674242973, -0.042049191892147064, -0.025834284722805023, -0.0040715946815907955, 0.01755310781300068, 0.042560238391160965, 0.05845318362116814, 0.07584165036678314, 0.08431340008974075, 0.09184478223323822, 0.10075372457504272, 0.09984991699457169, 0.09792908281087875, 0.09680823981761932, 0.10316344350576401, 0.10946548730134964, 0.11782938241958618, 0.12976552546024323, 0.1398421972990036, 0.14948882162570953, 0.1529388576745987, 0.15316297113895416, 0.14682643115520477, 0.13239340484142303, 0.11706892400979996, 0.0901019275188446, 0.057689130306243896, 0.03255825489759445, 0.006518639158457518, -0.008082997985184193, -0.02423657663166523, -0.03209096938371658, -0.031834132969379425, -0.02806740440428257, -0.016830390319228172, -0.009393740445375443, -0.0007121935486793518, 0.0007410442340187728, 0.00482268026098609, 0.0035251013468950987, -0.003922473639249802, -0.009345549158751965, -0.014767128974199295, -0.019223064184188843, -0.021259726956486702, -0.021827934309840202, -0.018297089263796806, -0.013216172344982624, -0.0037421754095703363, 0.005242540501058102, 0.011568336747586727, 0.009664769284427166, 0.005269929766654968, 0.0005433062324300408, -0.007996397092938423, -0.022846296429634094, -0.04300303757190704, -0.05577045679092407, -0.07607998698949814, -0.09106035530567169, -0.0982833281159401, -0.11106926947832108, -0.11467020213603973, -0.10899154841899872, -0.10941965132951736, -0.11299613118171692, -0.11685613542795181, -0.12212323397397995, -0.13511218130588531, -0.1437664031982422, -0.1641993373632431, -0.17917264997959137, -0.1759083867073059, -0.20476579666137695, -0.1893160492181778, -0.20191869139671326, -0.1892174333333969, -0.17389047145843506, -0.17135444283485413, -0.14744983613491058, -0.1589331179857254, -0.1309160441160202, -0.16864776611328125, -0.13780714571475983, -0.14268042147159576, -0.13132135570049286, -0.10104299336671829, -0.10944653302431107, -0.0430712066590786, -0.02095683105289936, 0.03650682047009468, 0.06861431896686554, 0.1169881820678711, 0.158794566988945, 0.17010653018951416, 0.19919610023498535, 0.17173074185848236, 0.17858919501304626, 0.15262864530086517, 0.113363116979599, 0.10259411484003067, 0.04609508067369461, 0.04398005083203316, 0.014474560506641865, 0.006972686853259802, -0.0033048302866518497, -0.013002605177462101, -0.0016535106115043163, -0.02593971975147724, -0.015166916884481907, -0.04557454213500023, -0.04578666016459465, -0.07213634252548218, -0.09659157693386078, -0.10575392842292786, -0.13021299242973328, -0.11775124073028564, -0.11967074871063232, -0.09480305016040802, -0.0715826228260994, -0.039847273379564285, 0.003088925965130329, 0.026015862822532654, 0.06541655212640762, 0.08728037774562836, 0.0990733876824379, 0.1179998442530632, 0.11072325706481934, 0.11027763038873672, 0.09714383631944656, 0.09014716744422913, 0.09202181547880173, 0.0809432789683342, 0.08001729846000671, 0.07489163428544998, 0.08208638429641724, 0.07774805277585983, 0.07543518394231796, 0.07476764917373657, 0.05386608839035034, 0.042239077389240265, 0.014014679938554764, -0.011748076416552067, -0.03143132105469704, -0.05511224642395973, -0.07582823932170868, -0.08843695372343063, -0.0945933386683464, -0.09007813036441803, -0.07060928642749786, -0.05650705471634865, -0.033146169036626816, -0.011068467982113361, 0.008899466134607792, 0.026013454422354698, 0.040320731699466705, 0.057713449001312256, 0.06297576427459717, 0.0753660649061203, 0.07831092178821564, 0.08657612651586533, 0.10319149494171143, 0.11826697736978531, 0.13230818510055542, 0.14958517253398895, 0.15467630326747894, 0.1668943613767624, 0.17167691886425018, 0.16178305447101593, 0.15471793711185455, 0.13257266581058502, 0.10149278491735458, 0.08256769180297852, 0.046694718301296234, 0.028920890763401985, 0.008269115351140499, -0.014919557608664036, -0.01162100862711668, -0.028697965666651726, -0.02181672863662243, -0.019409822300076485, -0.012601000256836414, -0.0099020441994071, -0.0032011670991778374, -0.006931635085493326, -0.00759105896577239, -0.0012189092813059688, -0.009921424090862274, -0.0021981990430504084, -0.004231530707329512, 0.012959533371031284, 0.017218491062521935, 0.0328516960144043, 0.050914909690618515, 0.06303808838129044, 0.08081186562776566, 0.08680086582899094, 0.08817169070243835, 0.08247192949056625, 0.07357817143201828, 0.05475800856947899, 0.04345151409506798, 0.020627489313483238, -0.005675152875483036, -0.016595501452684402, -0.03701726719737053, -0.04634002223610878, -0.06006300821900368, -0.06794082373380661, -0.07894609123468399, -0.08574171364307404, -0.09454146772623062, -0.1074591800570488, -0.10982877016067505, -0.12253033369779587, -0.12543807923793793, -0.13807544112205505, -0.1382976621389389, -0.13819146156311035, -0.14550510048866272, -0.13936398923397064, -0.14268769323825836, -0.13520987331867218, -0.14011432230472565, -0.13340654969215393, -0.1317853182554245, -0.1275378316640854, -0.12180664390325546, -0.12319182604551315, -0.11166814714670181, -0.11261367052793503, -0.1024520993232727, -0.11490742117166519, -0.10272350907325745, -0.09797981381416321, -0.1232837364077568, -0.09747085720300674, -0.1316911280155182, -0.14621372520923615, -0.1415349841117859, -0.1718858778476715, -0.18797825276851654, -0.17278440296649933, -0.12101904302835464, -0.09724819660186768, -0.020500343292951584, -0.018036698922514915, 0.04129834473133087, 0.10604043304920197, 0.14634966850280762, 0.16770783066749573, 0.15602357685565948, 0.1806417554616928, 0.1201029121875763, 0.13387726247310638, 0.09349128603935242, 0.07334034144878387, 0.0764709934592247, 0.03997921943664551, 0.037120867520570755, 0.02745160274207592, 0.04949556663632393, 0.03692106902599335, 0.0385371632874012, 0.021628934890031815, -0.019289929419755936, -0.027007373049855232, -0.06633391231298447, -0.06328100711107254, -0.11252211034297943, -0.11723226308822632, -0.1323314607143402, -0.12633512914180756, -0.1011255532503128, -0.07616891711950302, -0.01807008497416973, 0.010108951479196548, 0.05221733823418617, 0.07011434435844421, 0.10505352169275284, 0.13047179579734802, 0.1382935345172882, 0.1380247175693512, 0.12328135967254639, 0.10194171220064163, 0.10088972002267838, 0.0843922570347786, 0.07909157872200012, 0.08538393676280975, 0.07344722002744675, 0.07615464925765991, 0.0788460299372673, 0.0754174143075943, 0.06630618125200272, 0.05955928564071655, 0.030731670558452606, 0.007360086310654879, -0.02718355506658554, -0.05587563291192055, -0.07609882950782776, -0.08845704048871994, -0.1000601127743721, -0.11992901563644409, -0.0981321632862091, -0.09042159467935562, -0.06256894022226334, -0.024353714659810066, -0.0011910208268091083, 0.02912241779267788, 0.03872217610478401, 0.05431900918483734, 0.0633954331278801, 0.08292834460735321, 0.08371476829051971, 0.07901028543710709, 0.06960897892713547, 0.06740474700927734, 0.0931200161576271, 0.10507477819919586, 0.12923677265644073, 0.14346835017204285, 0.14534036815166473, 0.14757107198238373, 0.1615196019411087, 0.15335658192634583, 0.12752316892147064, 0.11451766639947891, 0.07459317892789841, 0.04088637977838516, 0.009589624591171741, -0.004722591023892164, -0.014624944888055325, -0.030515119433403015, -0.03526385873556137, -0.024260058999061584, -0.015026495791971684, 0.005406602285802364, 0.020237348973751068, 0.03930704668164253, 0.0517936535179615, 0.04194517061114311, 0.04588552936911583, 0.04982474818825722, 0.051970478147268295, 0.05161144211888313, 0.05163278430700302, 0.05387384444475174, 0.059238046407699585, 0.07121150940656662, 0.0766201987862587, 0.09105510264635086, 0.09655497223138809, 0.09114545583724976, 0.0781250149011612, 0.06657262146472931, 0.06561347097158432, 0.04541066288948059, 0.021434547379612923, 0.0015994685236364603, -0.012859544716775417, -0.03301684930920601, -0.04941941052675247, -0.04466276988387108, -0.041824471205472946, -0.04614730924367905, -0.05196388065814972, -0.05546277016401291, -0.05102280154824257, -0.05739946663379669, -0.062397316098213196, -0.07041441649198532, -0.08570553362369537, -0.09845513850450516, -0.10391487181186676, -0.10594822466373444, -0.10639829188585281, -0.10521844029426575, -0.096958689391613, -0.09476618468761444, -0.08307033032178879, -0.0739963948726654, -0.06955955922603607, -0.05093630030751228, -0.08510041981935501, -0.0753576010465622, -0.09675965458154678, -0.10781215876340866, -0.11022309213876724, -0.13690628111362457, -0.11939218640327454, -0.14630214869976044, -0.13885603845119476, -0.13078263401985168, -0.1473446935415268, -0.10487229377031326, -0.15133967995643616, -0.10412124544382095, -0.1657581329345703, -0.14380255341529846, -0.1627831906080246, -0.2222185581922531, -0.15869230031967163, -0.2533445656299591, -0.18295258283615112, -0.18622201681137085, -0.12877582013607025, -0.009931678883731365, -0.030919576063752174, 0.0983225405216217, 0.09772885590791702, 0.20842128992080688, 0.22333307564258575, 0.19864030182361603, 0.2732428014278412, 0.15278051793575287, 0.19211481511592865, 0.1124391257762909, 0.09582660347223282, 0.08619526028633118, 0.02388763427734375, 0.04583166912198067, -0.001527548534795642, 0.017690686509013176, -0.0021262664813548326, 0.0166261438280344, -0.0016675093211233616, -0.037106405943632126, -0.060411255806684494, -0.08812294900417328, -0.10478278249502182, -0.1360018104314804, -0.1401747614145279, -0.16713830828666687, -0.13362650573253632, -0.12706917524337769, -0.09082077443599701, -0.02180992253124714, 0.002988445805385709, 0.07596379518508911, 0.09620639681816101, 0.13856525719165802, 0.166700541973114, 0.1698792725801468, 0.179566890001297, 0.15610425174236298, 0.15397809445858002, 0.11527598649263382, 0.09444206953048706, 0.08555112034082413, 0.05799452215433121, 0.05987651273608208, 0.04855181649327278, 0.03734714165329933, 0.02856244146823883, 0.019479895010590553, 0.0022499545011669397, -0.00564135517925024, -0.0325121209025383, -0.06993702799081802, -0.0871007889509201, -0.11566823720932007, -0.13044224679470062, -0.12497562170028687, -0.1411052793264389, -0.12794780731201172, -0.10293727368116379, -0.07101965695619583, -0.042173877358436584, 0.008446796797215939, 0.0430874340236187, 0.06651277095079422, 0.09637457132339478, 0.09422329813241959, 0.11919838190078735, 0.10617712140083313, 0.10970646888017654, 0.08842013031244278, 0.07311984896659851, 0.07927606254816055, 0.07208257168531418, 0.0809362456202507, 0.06804703921079636, 0.06676071882247925, 0.07721024006605148, 0.08412841707468033, 0.05785219371318817, 0.06136855110526085, 0.025644490495324135, 0.010479428805410862, -0.015317183919250965, -0.04792650043964386, -0.041844721883535385, -0.0743875727057457, -0.07207806408405304, -0.06228373572230339, -0.06085185334086418, -0.032784659415483475, -0.0019256776431575418, 0.04196983203291893, 0.06501030921936035, 0.09383072704076767, 0.1063685491681099, 0.13267956674098969, 0.1452755481004715, 0.14549963176250458, 0.13787004351615906, 0.13016046583652496, 0.11672746390104294, 0.1044241264462471, 0.09472158551216125, 0.09552066028118134, 0.07583567500114441, 0.05925445258617401, 0.05265100300312042, 0.035203222185373306, 0.03434997797012329, 0.012090685777366161, 0.008452326990664005, -0.011492245830595493, -0.029419342055916786, -0.04388299584388733, -0.048246875405311584, -0.03877121955156326, -0.05930226668715477, -0.04917604848742485, -0.063365139067173, -0.05515436828136444, -0.046894174069166183, -0.045891232788562775, -0.02869388274848461, -0.04523332044482231, -0.025529734790325165, -0.041231147944927216, -0.031245863065123558, -0.026712730526924133, -0.03791232034564018, -0.027599332854151726, -0.051153458654880524, -0.03690720349550247, -0.05528077483177185, -0.04506533220410347, -0.038011688739061356, -0.07449695467948914, -0.037099599838256836, -0.07550740242004395, -0.04965627193450928, -0.05556895211338997, -0.09176067262887955, -0.09084874391555786, -0.11116882413625717, -0.12586331367492676, -0.14490294456481934, -0.14128537476062775, -0.14952866733074188, -0.19270069897174835, -0.1833188384771347, -0.1650477796792984, -0.1935914158821106, -0.15690818428993225, -0.15116006135940552, -0.17414948344230652, -0.13201123476028442, -0.1636691689491272, -0.14733053743839264, -0.1508728414773941, -0.1919293999671936, -0.14746031165122986, -0.2183341085910797, -0.13140246272087097, -0.20974162220954895, -0.01269908994436264, 0.022004850208759308, 0.0625917911529541, 0.12746618688106537, 0.1465587615966797, 0.3195575177669525, 0.24965107440948486, 0.26304301619529724, 0.26948973536491394, 0.22555206716060638, 0.18320050835609436, 0.049811869859695435, 0.09215138852596283, -0.007322205230593681, -0.004717989359050989, -0.08343005180358887, -0.11159852147102356, -0.03445201367139816, -0.13112537562847137, -0.057911694049835205, -0.0895826518535614, -0.05110383778810501, -0.1240101158618927, -0.11401524394750595, -0.104640431702137, -0.14362914860248566, -0.1078687310218811, -0.15582013130187988, -0.10064806789159775, -0.09603073447942734, -0.08490189164876938, 0.014634315855801105, 0.060313984751701355, 0.1205834150314331, 0.12678967416286469, 0.20704075694084167, 0.22357600927352905, 0.23550480604171753, 0.229381263256073, 0.18944615125656128, 0.19279150664806366, 0.12193167954683304, 0.06449166685342789, 0.055156346410512924, 0.029535865411162376, -0.014306202530860901, -0.03729443997144699, -0.04499604180455208, -0.037759244441986084, -0.02553493157029152, -0.05159793421626091, -0.03346612676978111, -0.05048222094774246, -0.06925550103187561, -0.09193968772888184, -0.08931810408830643, -0.10298451036214828, -0.1271873265504837, -0.11058523505926132, -0.12561728060245514, -0.07515182346105576, -0.06112882122397423, -0.016122573986649513, 0.0463729202747345, 0.05399491265416145, 0.10853937268257141, 0.13734859228134155, 0.17717231810092926, 0.17603769898414612, 0.15781404078006744, 0.16882885992527008, 0.13394957780838013, 0.12166092544794083, 0.08169563114643097, 0.06601174175739288, 0.043224185705184937, -0.01615750603377819, 0.02803185023367405, -0.008176793344318867, -0.006212126929312944, -0.02399780973792076, -0.032499607652425766, 0.008037610910832882, -0.06468363851308823, -0.04164323955774307, -0.07390335947275162, -0.09039583057165146, -0.07940832525491714, -0.07595374435186386, -0.02105253003537655, -0.037616003304719925, 0.003138517262414098, 0.039117928594350815, 0.08079671114683151, 0.15395772457122803, 0.1365450769662857, 0.18058443069458008, 0.1921100616455078, 0.1751946210861206, 0.19851362705230713, 0.17356957495212555, 0.15622922778129578, 0.11765185743570328, 0.07809416204690933, 0.08732657879590988, 0.049688078463077545, 0.0550951212644577, 0.023774009197950363, 0.02195066213607788, 0.016485363245010376, 0.0024046599864959717, 0.02187822200357914, -0.011857666075229645, -0.009517770260572433, -0.02883775718510151, -0.037788163870573044, -0.029380982741713524, -0.0570233054459095, -0.04417642205953598, -0.045655883848667145, -0.033804088830947876, -0.019187727943062782, -0.015048746950924397, 0.005507742054760456, 0.005622747354209423, 0.017834151163697243, 0.023774780333042145, 0.03485235571861267, 0.03393946960568428, 0.006589306518435478, 0.005865989252924919, -0.014825734309852123, -0.008257710374891758, -0.034819163382053375, -0.05551869049668312, -0.0612972266972065, -0.07704091817140579, -0.06089916452765465, -0.07757996767759323, -0.06530173867940903, -0.06848644465208054, -0.07371868938207626, -0.06571420282125473, -0.07357904314994812, -0.0766904428601265, -0.09918353706598282, -0.11290936917066574, -0.12570218741893768, -0.12884365022182465, -0.14167825877666473, -0.1375707983970642, -0.1427920162677765, -0.17415881156921387, -0.146353617310524, -0.1319858580827713, -0.11073368787765503, -0.13889814913272858, -0.09553807228803635, -0.13207398355007172, -0.08770044893026352, -0.1154710128903389, -0.09467749297618866, -0.12082608789205551, -0.15147721767425537, -0.10081968456506729, -0.1999261975288391, -0.14983457326889038, -0.17743565142154694, -0.10954690724611282, -0.05058899521827698, -0.048491641879081726, 0.029225274920463562, 0.09901465475559235, 0.15327398478984833, 0.22443656623363495, 0.19550223648548126, 0.1801127940416336, 0.25472915172576904, 0.24079425632953644, 0.08164357393980026, 0.16226829588413239, 0.05605785548686981, 0.04511183127760887, -0.020307820290327072, -0.0734672024846077, -0.029784677550196648, -0.0468069463968277, -0.08272171020507812, -0.09354446828365326, -0.07827968150377274, -0.04830150678753853, -0.06091424822807312, -0.08519254624843597, -0.07784926146268845, -0.043898940086364746, -0.09382092207670212, -0.094089575111866, -0.04969654977321625, -0.054285287857055664, -0.01489768922328949, -0.00400041276589036, 0.040435656905174255, 0.088742695748806, 0.12487379461526871, 0.1681896448135376, 0.2171093374490738, 0.21273039281368256, 0.2142450362443924, 0.22334857285022736, 0.18700957298278809, 0.17358966171741486, 0.11407352238893509, 0.07444316893815994, 0.04856877774000168, -0.013789878226816654, -0.03949986398220062, -0.06191743537783623, -0.043813306838274, -0.08094117045402527, -0.08058826625347137, -0.06713629513978958, -0.054556459188461304, -0.05321398377418518, -0.07507507503032684, -0.05120646953582764, -0.061484143137931824, -0.07150185853242874, -0.0643143281340599, -0.06658202409744263, -0.04718529060482979, -0.03540845960378647, -0.010765459388494492, 0.015652984380722046, 0.036642055958509445, 0.07702632248401642, 0.11642294377088547, 0.14409413933753967, 0.1545230895280838, 0.15083055198192596, 0.15819676220417023, 0.1543789952993393, 0.12185940146446228, 0.09961628913879395, 0.06493131071329117, 0.03440636768937111, 0.009750356897711754, -0.01404202077537775, -0.019048715010285378, -0.039256900548934937, -0.04490404948592186, -0.041565582156181335, -0.045891206711530685, -0.03982884809374809, -0.04021919518709183, -0.028976066038012505, -0.03500067815184593, -0.04101487621665001, -0.03044154681265354, -0.01175016164779663, 0.0036772682797163725, 0.011240068823099136, 0.04042171314358711, 0.07468737661838531, 0.09903443604707718, 0.10460937023162842, 0.14867180585861206, 0.16446860134601593, 0.1574993133544922, 0.17009945213794708, 0.145574688911438, 0.1596505045890808, 0.1211576834321022, 0.09774456918239594, 0.08419325202703476, 0.055159226059913635, 0.03976316750049591, 0.004279165994375944, 0.014783661812543869, 0.004449405241757631, -0.02612633816897869, 0.0008652776596136391, -0.020311003550887108, -0.0013284124433994293, -0.004513765685260296, -0.016286784783005714, 0.008198495022952557, -0.008667339570820332, -0.004085483495146036, -0.005979361478239298, 0.0013353175017982721, -0.002177262445911765, 0.0030557692516595125, -0.0023141189012676477, 0.01449626125395298, 0.013783452101051807, 0.011164256371557713, 0.020183391869068146, 0.011792211793363094, 0.008976585231721401, -0.0009455450926907361, -0.009188016876578331, -0.005917701404541731, -0.03296419605612755, -0.028233760967850685, -0.05326119810342789, -0.03986231982707977, -0.05510849133133888, -0.06078282371163368, -0.04052096605300903, -0.0629751905798912, -0.041101522743701935, -0.06384880840778351, -0.046954888850450516, -0.0557372160255909, -0.07140251994132996, -0.061115216463804245, -0.0872597023844719, -0.07334648817777634, -0.08257078379392624, -0.09857999533414841, -0.06592313200235367, -0.11130359768867493, -0.07846728712320328, -0.1154169961810112, -0.08346609771251678, -0.09954756498336792, -0.11447467654943466, -0.09655997157096863, -0.14170785248279572, -0.11264210194349289, -0.1306449919939041, -0.12337536364793777, -0.12525571882724762, -0.12589672207832336, -0.11493361741304398, -0.14468447864055634, -0.08858288824558258, -0.1444549411535263, -0.12261033803224564, -0.1404896378517151, -0.13830813765525818, -0.11353268474340439, -0.13791677355766296, -0.054082006216049194, -0.03766677901148796, 0.06257522851228714, 0.05915505066514015, 0.10943465679883957, 0.21817326545715332, 0.2235189527273178, 0.276427298784256, 0.2339468151330948, 0.2615322768688202, 0.23957259953022003, 0.15986354649066925, 0.13010384142398834, 0.061718910932540894, 0.03465117886662483, -0.057373836636543274, -0.10887207090854645, -0.12153387814760208, -0.1414036899805069, -0.14175282418727875, -0.1637803465127945, -0.1316296011209488, -0.1181698814034462, -0.1067686453461647, -0.08124151080846786, -0.06439261138439178, -0.04180781915783882, -0.04151802137494087, -0.027885382995009422, -0.026726923882961273, 0.0038300182204693556, 0.01738703064620495, 0.037852246314287186, 0.07007918506860733, 0.08332088589668274, 0.1304156631231308, 0.15756168961524963, 0.18857771158218384, 0.19608648121356964, 0.20108655095100403, 0.21487155556678772, 0.1842748075723648, 0.1653306782245636, 0.12298039346933365, 0.09143279492855072, 0.05065272003412247, -0.019593026489019394, -0.04477766156196594, -0.07794013619422913, -0.09418123215436935, -0.1232115626335144, -0.1304536759853363, -0.12196368724107742, -0.11496470123529434, -0.09893283993005753, -0.0778011605143547, -0.057829346507787704, -0.03261880949139595, -0.024674834683537483, -0.006838532630354166, 0.008793970569968224, 0.021287577226758003, 0.03606206551194191, 0.04868743196129799, 0.05991789326071739, 0.0625581368803978, 0.09364178031682968, 0.10663172602653503, 0.11308801919221878, 0.13265331089496613, 0.13750101625919342, 0.14298689365386963, 0.1385747641324997, 0.12574566900730133, 0.11426975578069687, 0.09760260581970215, 0.05349898710846901, 0.018512345850467682, -0.0024555984418839216, -0.02743406593799591, -0.060845594853162766, -0.09035175293684006, -0.0898737981915474, -0.08629050850868225, -0.0884375348687172, -0.08150777220726013, -0.0684068575501442, -0.044972341507673264, -0.02651592344045639, 0.00805422943085432, 0.04773169010877609, 0.04668714478611946, 0.09128177165985107, 0.11869112402200699, 0.11427381634712219, 0.1476346105337143, 0.14184799790382385, 0.150839164853096, 0.1508176028728485, 0.12713183462619781, 0.1392422616481781, 0.12201078981161118, 0.10794143378734589, 0.08461747318506241, 0.07126139849424362, 0.07492639869451523, 0.038034357130527496, 0.030859315767884254, 0.01185500156134367, 0.004727892577648163, -0.001474619610235095, -0.018020479008555412, -0.02368050068616867, -0.022483063861727715, -0.024959806352853775, -0.030577918514609337, -0.025584185495972633, -0.009503788314759731, -0.005149348173290491, 0.0038778779562562704, 0.014890789054334164, 0.028552154079079628, 0.03541397675871849, 0.0433829165995121, 0.046575505286455154, 0.04359922185540199, 0.04414023831486702, 0.034958187490701675, 0.03696509450674057, 0.028444679453969002, 0.006640050560235977, 0.011194081045687199, 0.002207835204899311, 0.00496321078389883, -0.0068832095712423325, -0.018912820145487785, -0.012362598441541195, -0.021560002118349075, -0.021815598011016846, -0.03085491992533207, -0.02535993978381157, -0.030154496431350708, -0.04666660353541374, -0.041095033288002014, -0.059945493936538696, -0.05268657207489014, -0.07286494225263596, -0.07783110439777374, -0.08257293701171875, -0.09510873258113861, -0.07998722791671753, -0.10065129399299622, -0.08364364504814148, -0.10057415068149567, -0.0913071259856224, -0.07148662954568863, -0.08614511042833328, -0.06984172016382217, -0.08116744458675385, -0.07468213886022568, -0.08969433605670929, -0.0790252834558487, -0.07904753088951111, -0.08248628675937653, -0.09496612846851349, -0.09506171196699142, -0.10520864278078079, -0.1207020953297615, -0.1028393879532814, -0.13521279394626617, -0.11499794572591782, -0.14699555933475494, -0.14815197885036469, -0.06810133904218674, -0.07941681146621704, -0.00908399373292923, 0.008486911654472351, 0.03475380316376686, 0.11943622678518295, 0.1566205620765686, 0.19595669209957123, 0.20032033324241638, 0.23546703159809113, 0.20603778958320618, 0.1899300068616867, 0.16982823610305786, 0.12621290981769562, 0.10720349848270416, 0.017976274713873863, -0.020399384200572968, -0.06119215860962868, -0.08374740183353424, -0.10059813410043716, -0.13918395340442657, -0.12455446273088455, -0.1333419233560562, -0.1147472932934761, -0.09509916603565216, -0.0752183198928833, -0.04962875321507454, -0.0408213809132576, -0.02003716118633747, -0.02499803900718689, 0.01841263845562935, 0.015490737743675709, 0.032948751002550125, 0.05531448498368263, 0.04455164074897766, 0.08715354651212692, 0.0924890860915184, 0.12259712815284729, 0.13565345108509064, 0.1541035920381546, 0.1669815331697464, 0.1403992623090744, 0.16362030804157257, 0.14183221757411957, 0.12083035707473755, 0.09325582534074783, 0.04946128651499748, 0.02796875685453415, -0.026194673031568527, -0.0467354990541935, -0.06997648626565933, -0.1000664159655571, -0.10842558741569519, -0.12322866171598434, -0.11660444736480713, -0.09957332164049149, -0.07758820801973343, -0.06305570155382156, -0.038116540759801865, -0.01600654423236847, 0.0012695090845227242, 0.02939012087881565, 0.028180154040455818, 0.05475492402911186, 0.053380388766527176, 0.043872248381376266, 0.05122780427336693, 0.0555911660194397, 0.07842891663312912, 0.07194694131612778, 0.0767233744263649, 0.06990613788366318, 0.07818128168582916, 0.10809767991304398, 0.09825124591588974, 0.09990774095058441, 0.07912667095661163, 0.07179783284664154, 0.04786491394042969, 0.02237730845808983, 0.016696566715836525, -0.03241035342216492, -0.02635723352432251, -0.063589908182621, -0.0908619612455368, -0.057004544883966446, -0.07549205422401428, -0.056924864649772644, -0.045491188764572144, -0.030393565073609352, 0.01779954507946968, 0.024775639176368713, 0.05534075200557709, 0.07599323242902756, 0.08878158777952194, 0.10727843642234802, 0.09295137226581573, 0.12247058749198914, 0.11755531281232834, 0.1016717255115509, 0.1050151064991951, 0.08477518707513809, 0.09509137272834778, 0.07622066885232925, 0.06771314889192581, 0.06284569948911667, 0.049618784338235855, 0.033532608300447464, 0.01690005324780941, 0.030147381126880646, 0.008053737692534924, 0.009241455234587193, -0.009462309069931507, -0.02002391219139099, -0.009987778030335903, -0.023836249485611916, -0.010915850289165974, -0.02227775752544403, -0.005190681666135788, -0.011316531337797642, -0.00142167997546494, 0.018384480848908424, 0.011793811805546284, 0.025454603135585785, 0.018645891919732094, 0.025762014091014862, 0.017784636467695236, 0.012600750662386417, 0.012334990315139294, 0.00616265507414937, -0.006313036661595106, -0.023875776678323746, -0.01230535190552473, -0.022708026692271233, -0.02764935977756977, -0.031116580590605736, -0.03542601317167282, -0.03243911638855934, -0.04077553376555443, -0.036814916878938675, -0.021990984678268433, -0.024766549468040466, -0.03220265731215477, -0.036209020763635635, -0.03427791967988014, -0.03316937014460564, -0.044460270553827286, -0.05611957237124443, -0.06887625902891159, -0.07494240999221802, -0.08625467866659164, -0.0911024808883667, -0.1038186252117157, -0.10458139330148697, -0.11059930920600891, -0.11893337965011597, -0.10315652191638947, -0.11658522486686707, -0.09409894049167633, -0.10119174420833588, -0.10107630491256714, -0.07979508489370346, -0.09487510472536087, -0.06778940558433533, -0.08406510204076767, -0.078456349670887, -0.08403097838163376, -0.08970776945352554, -0.0865519642829895, -0.11337064951658249, -0.10954257100820541, -0.1196366474032402, -0.13243861496448517, -0.1308712512254715, -0.0713573545217514, -0.05859288200736046, -0.04390402510762215, 0.022801777347922325, 0.04476071149110794, 0.12925079464912415, 0.15032906830310822, 0.17648358643054962, 0.222736194729805, 0.2164812684059143, 0.2097412496805191, 0.17309944331645966, 0.16360989212989807, 0.11467201262712479, 0.06913229078054428, 0.004463845398277044, -0.047637756913900375, -0.06005559861660004, -0.11521697044372559, -0.12046870589256287, -0.14463262259960175, -0.13277196884155273, -0.12368562817573547, -0.1232086718082428, -0.08100543171167374, -0.07192505151033401, -0.037209827452898026, -0.029563145712018013, -0.016546281054615974, 0.009751205332577229, 0.02170117199420929, 0.03667208552360535, 0.04145696759223938, 0.05971745029091835, 0.06831308454275131, 0.08570428937673569, 0.10392722487449646, 0.12235922366380692, 0.13958735764026642, 0.14076994359493256, 0.14596061408519745, 0.14138692617416382, 0.13392065465450287, 0.12045086175203323, 0.09212909638881683, 0.05054943636059761, 0.020309695973992348, -0.014063402079045773, -0.051895126700401306, -0.0798172727227211, -0.10123176127672195, -0.11417796462774277, -0.1300666779279709, -0.1258212774991989, -0.11183008551597595, -0.09171987324953079, -0.06323795020580292, -0.04795444756746292, -0.026132697239518166, 0.005037121009081602, 0.03385088965296745, 0.049666572362184525, 0.06620766967535019, 0.077419213950634, 0.08797997981309891, 0.08880020678043365, 0.08738555759191513, 0.09315373003482819, 0.09122180193662643, 0.08581377565860748, 0.07964341342449188, 0.06945183128118515, 0.07030399143695831, 0.07202863693237305, 0.06249275803565979, 0.04715718701481819, 0.039951641112565994, 0.036885008215904236, 0.01821550913155079, -0.0009205275564454496, -0.00733312638476491, -0.019432542845606804, -0.029181556776165962, -0.04749736562371254, -0.050015565007925034, -0.02759445458650589, -0.03356339782476425, -0.0286425668746233, 0.005425418261438608, 0.017673147842288017, 0.040054626762866974, 0.054705023765563965, 0.07303014397621155, 0.09386694431304932, 0.10015355050563812, 0.11231989413499832, 0.10080376267433167, 0.1075972318649292, 0.1207910105586052, 0.10201159119606018, 0.09231787919998169, 0.07560703903436661, 0.08299176394939423, 0.06549055129289627, 0.05003957822918892, 0.04892754927277565, 0.034229081124067307, 0.03609367460012436, 0.01793147437274456, 0.016582755371928215, 0.02479962632060051, 0.008154810406267643, 0.001434855512343347, 0.00564118567854166, 0.002460398245602846, 0.0035298399161547422, -0.001379168825224042, 0.001867630984634161, 0.0036268022377043962, 0.0009044830803759396, 0.01146045234054327, 0.006558544933795929, 0.014348775148391724, 0.012726404704153538, 0.01389265339821577, 0.028029128909111023, 0.020209141075611115, 0.019749483093619347, 0.021128343418240547, 0.022336600348353386, 0.008119584992527962, -0.002295160898938775, 0.0033057196997106075, -0.015335635282099247, -0.027173202484846115, -0.02987106330692768, -0.03713177517056465, -0.03829995170235634, -0.046617306768894196, -0.055497944355010986, -0.05588611587882042, -0.054977551102638245, -0.05008815973997116, -0.0656190738081932, -0.062211960554122925, -0.06619074940681458, -0.07701403647661209, -0.06830550730228424, -0.08138101547956467, -0.07952819764614105, -0.08634501695632935, -0.08806910365819931, -0.09406411647796631, -0.09526165574789047, -0.08688115328550339, -0.09924960881471634, -0.0834832489490509, -0.09722844511270523, -0.0988776683807373, -0.08246198296546936, -0.10071778297424316, -0.09008429199457169, -0.09263679385185242, -0.08775527030229568, -0.08250977098941803, -0.0992991253733635, -0.08790278434753418, -0.10866905003786087, -0.12261087447404861, -0.10334096848964691, -0.1277366429567337, -0.09531444311141968, -0.08832423388957977, -0.08460940420627594, -0.0006139297038316727, 0.014868620783090591, 0.05025096237659454, 0.10287324339151382, 0.13978372514247894, 0.187466099858284, 0.19739992916584015, 0.20744644105434418, 0.19960688054561615, 0.19026634097099304, 0.15604624152183533, 0.10152575373649597, 0.07635679841041565, 0.018623342737555504, -0.030097195878624916, -0.07049485296010971, -0.11164557188749313, -0.11755750328302383, -0.13287204504013062, -0.12766827642917633, -0.13057176768779755, -0.10168665647506714, -0.07005229592323303, -0.0597163550555706, -0.025925664231181145, -0.010751117952167988, 0.006471534259617329, 0.028401510789990425, 0.019501565024256706, 0.04021012783050537, 0.04110598936676979, 0.04558064416050911, 0.054957497864961624, 0.06400932371616364, 0.08046960085630417, 0.08289366960525513, 0.09590009599924088, 0.11061520129442215, 0.11823021620512009, 0.123981773853302, 0.11032894253730774, 0.09830382466316223, 0.08621856570243835, 0.05451655760407448, 0.03177594393491745, -0.010084275156259537, -0.04229707643389702, -0.06923450529575348, -0.09708300232887268, -0.11612359434366226, -0.12022317200899124, -0.11578632146120071, -0.10468018054962158, -0.09187350422143936, -0.06707736104726791, -0.033635374158620834, -0.001868145540356636, 0.020811254158616066, 0.0424359105527401, 0.06254712492227554, 0.07773306220769882, 0.0854707658290863, 0.0832236260175705, 0.075336754322052, 0.0708807110786438, 0.06591462343931198, 0.059065889567136765, 0.052594322711229324, 0.05334151163697243, 0.05841398239135742, 0.052301157265901566, 0.051436543464660645, 0.059702709317207336, 0.06629010289907455, 0.060552652925252914, 0.05316470190882683, 0.038480136543512344, 0.036311421543359756, 0.023934928700327873, 0.004733746405690908, -0.0005574093083851039, -0.017550991848111153, -0.018865613266825676, -0.03003746271133423, -0.03245925530791283, -0.008517454378306866, -0.009543308988213539, 0.0067199887707829475, 0.029269663617014885, 0.047645047307014465, 0.07038231194019318, 0.08192557841539383, 0.08930633217096329, 0.10310423374176025, 0.10316622257232666, 0.09778844565153122, 0.08198592066764832, 0.07148659974336624, 0.05919818580150604, 0.041138701140880585, 0.02767503820359707, 0.007308179046958685, 0.012030945159494877, -0.004076858516782522, -0.012106494978070259, -0.002522974507883191, -0.008358246646821499, 0.0034568754490464926, 0.0031328718177974224, 0.004109309986233711, 0.008410061709582806, 0.0070695760659873486, 0.007789617404341698, -0.003309096908196807, -0.003999581094831228, -0.015717750415205956, -0.022118501365184784, -0.026853952556848526, -0.03207001835107803, -0.032730717211961746, -0.028769319877028465, -0.029322631657123566, -0.03229041397571564, -0.027151253074407578, -0.022206751629710197, -0.022840768098831177, -0.023796189576387405, -0.03009173832833767, -0.03677492216229439, -0.03789610043168068, -0.05485745891928673, -0.05448645353317261, -0.06450454145669937, -0.07177642732858658, -0.07372074574232101, -0.08492212742567062, -0.08341830968856812, -0.08910146355628967, -0.07967469096183777, -0.08850499987602234, -0.08331266790628433, -0.0756995752453804, -0.08655596524477005, -0.0754285380244255, -0.08384623378515244, -0.08276703208684921, -0.08235302567481995, -0.0911923497915268, -0.09143383055925369, -0.09554117918014526, -0.10629032552242279, -0.10060695558786392, -0.10250937193632126, -0.11443430930376053, -0.10046809166669846, -0.11912437528371811, -0.12391787767410278, -0.11680250614881516, -0.1295778602361679, -0.14131931960582733, -0.14638404548168182, -0.13947752118110657, -0.16592691838741302, -0.12835578620433807, -0.10213954001665115, -0.08558595180511475, -0.024129673838615417, 0.00024190232215914875, 0.05568568781018257, 0.11533898860216141, 0.14676310122013092, 0.18354125320911407, 0.21368056535720825, 0.21893398463726044, 0.1938740313053131, 0.18607234954833984, 0.15080703794956207, 0.09925941377878189, 0.06473582983016968, -0.004087135661393404, -0.044334638863801956, -0.08131915330886841, -0.1205892562866211, -0.1349327564239502, -0.14358939230442047, -0.13974352180957794, -0.13645370304584503, -0.11162174493074417, -0.09347055107355118, -0.0685095340013504, -0.034706681966781616, -0.0237775519490242, -0.0025649121962487698, 0.01505634281784296, 0.024673424661159515, 0.038798652589321136, 0.04818248376250267, 0.05580044910311699, 0.06716091930866241, 0.07626955211162567, 0.08226358890533447, 0.10215309262275696, 0.10990101844072342, 0.11932019144296646, 0.11891604214906693, 0.11428206413984299, 0.11253724247217178, 0.09580506384372711, 0.0755179151892662, 0.04555150493979454, 0.01811605878174305, -0.013085220009088516, -0.04243745654821396, -0.06948646157979965, -0.08731778711080551, -0.10275304317474365, -0.10564813017845154, -0.10457632690668106, -0.09286371618509293, -0.0713333860039711, -0.05233113840222359, -0.031039461493492126, -0.012482692487537861, 0.006551882717758417, 0.022351570427417755, 0.033179715275764465, 0.040103454142808914, 0.04219696298241615, 0.045838408172130585, 0.049225814640522, 0.043043699115514755, 0.049942512065172195, 0.05309366434812546, 0.05744779855012894, 0.07117552310228348, 0.0753888189792633, 0.08883713185787201, 0.0935589000582695, 0.10136070847511292, 0.09857899695634842, 0.08622607588768005, 0.0856977105140686, 0.06534221023321152, 0.046470463275909424, 0.018454376608133316, 0.003467000788077712, -0.009909432381391525, -0.035510558634996414, -0.031127260997891426, -0.03677753731608391, -0.03157835081219673, -0.017111031338572502, 0.003885587677359581, 0.02345617115497589, 0.04077397659420967, 0.05917512997984886, 0.06803776323795319, 0.08649902045726776, 0.08391883969306946, 0.08178099989891052, 0.0791090801358223, 0.06586544960737228, 0.05562606453895569, 0.0418844111263752, 0.039972152560949326, 0.029006697237491608, 0.024143023416399956, 0.024436717852950096, 0.017819663509726524, 0.029674358665943146, 0.024160055443644524, 0.03195991739630699, 0.03695056214928627, 0.024760156869888306, 0.03153914958238602, 0.01837507076561451, 0.015016376040875912, 0.002702261321246624, -0.013211138546466827, -0.019368544220924377, -0.035956136882305145, -0.042597461491823196, -0.04929400607943535, -0.04944073036313057, -0.04782915115356445, -0.05109536275267601, -0.04197793826460838, -0.03765944018959999, -0.03149265795946121, -0.023183200508356094, -0.026928910985589027, -0.02071712352335453, -0.031091131269931793, -0.035982485860586166, -0.040610577911138535, -0.051217980682849884, -0.04791930317878723, -0.05882028862833977, -0.05452253296971321, -0.07105923444032669, -0.06665398925542831, -0.05938638374209404, -0.06872221827507019, -0.04885067418217659, -0.06311173737049103, -0.056490182876586914, -0.05970452353358269, -0.07415743917226791, -0.06150108948349953, -0.08376140892505646, -0.0789516344666481, -0.09212596714496613, -0.1085287407040596, -0.10730373114347458, -0.12303575873374939, -0.11539604514837265, -0.11633829027414322, -0.12098006159067154, -0.11170867085456848, -0.13723969459533691, -0.1167386993765831, -0.11291422694921494, -0.15067346394062042, -0.11774308234453201, -0.15030035376548767, -0.14097116887569427, -0.11018717288970947, -0.08495548367500305, -0.03471264988183975, -0.016727205365896225, 0.050396814942359924, 0.07423780113458633, 0.14135101437568665, 0.18993617594242096, 0.18442285060882568, 0.24563024938106537, 0.21562570333480835, 0.19295728206634521, 0.17726148664951324, 0.12851426005363464, 0.09604952484369278, 0.029457731172442436, -0.006672164425253868, -0.06698449701070786, -0.09425824880599976, -0.11028841882944107, -0.13588033616542816, -0.11282224208116531, -0.11665726453065872, -0.10614427924156189, -0.08233246952295303, -0.06670741736888885, -0.039237912744283676, -0.027072153985500336, -0.007101771887391806, -0.0007373283733613789, -0.00033689028350636363, 0.018440719693899155, 0.019566338509321213, 0.040807317942380905, 0.05313296616077423, 0.061054375022649765, 0.0835525318980217, 0.09179109334945679, 0.11365646868944168, 0.1307532787322998, 0.12818200886249542, 0.13248305022716522, 0.12089578062295914, 0.11023274064064026, 0.09314493834972382, 0.06078456714749336, 0.039082080125808716, 0.0011257921578362584, -0.026219861581921577, -0.050840090960264206, -0.0747467502951622, -0.08369284123182297, -0.0894799530506134, -0.08912648260593414, -0.0893479511141777, -0.06969396024942398, -0.05007624626159668, -0.033311352133750916, -0.008183375000953674, 0.0027553774416446686, 0.016673671081662178, 0.03194419667124748, 0.042006004601716995, 0.04935168847441673, 0.048708707094192505, 0.058357033878564835, 0.05645333603024483, 0.05545549467206001, 0.06210021674633026, 0.06929362565279007, 0.08427776396274567, 0.09109476208686829, 0.09536462277173996, 0.0999085083603859, 0.11134912818670273, 0.10691534727811813, 0.09684493392705917, 0.08958128839731216, 0.07057449966669083, 0.05224698409438133, 0.027861764654517174, 0.006844942457973957, -0.005075210705399513, -0.02127409726381302, -0.032624468207359314, -0.03572256118059158, -0.03059455193579197, -0.025949973613023758, -0.009489167481660843, 0.007831781171262264, 0.0212166216224432, 0.04045608267188072, 0.04619445651769638, 0.059636954218149185, 0.07112192362546921, 0.06654220819473267, 0.06411539763212204, 0.06272729486227036, 0.05202845484018326, 0.04525967687368393, 0.04554944857954979, 0.036809708923101425, 0.0370924137532711, 0.03083835355937481, 0.0303559061139822, 0.02981763891875744, 0.02675716206431389, 0.026052946224808693, 0.019933952018618584, 0.021271146833896637, 0.008573471568524837, -0.0005512168863788247, -0.007286564912647009, -0.01771695353090763, -0.02987111359834671, -0.043187037110328674, -0.05113010108470917, -0.06041460111737251, -0.06423648446798325, -0.07368525117635727, -0.0706828236579895, -0.06963025778532028, -0.06855478882789612, -0.06411098688840866, -0.05790863558650017, -0.050535012036561966, -0.04221591725945473, -0.030617794021964073, -0.03222671151161194, -0.03170420229434967, -0.03077775239944458, -0.034038085490465164, -0.02929268218576908, -0.03410717472434044, -0.04158896952867508, -0.042727332562208176, -0.05080540478229523, -0.06153671815991402, -0.06280484050512314, -0.0708499476313591, -0.06530365347862244, -0.0705212876200676, -0.08664540201425552, -0.07859598845243454, -0.08834244310855865, -0.0924510732293129, -0.0997358113527298, -0.10058759897947311, -0.11301940679550171, -0.11904394626617432, -0.12083392590284348, -0.14135833084583282, -0.11911030858755112, -0.14342591166496277, -0.12749235332012177, -0.1335805207490921, -0.13178755342960358, -0.08384069800376892, -0.06926172971725464, -0.010343126952648163, 0.0109868748113513, 0.042349591851234436, 0.0962025597691536, 0.11264848709106445, 0.14168308675289154, 0.15462809801101685, 0.16009730100631714, 0.15459072589874268, 0.12246324867010117, 0.09596487879753113, 0.06579894572496414, 0.03221135586500168, 0.013254012912511826, -0.023808179423213005, -0.039008114486932755, -0.050308115780353546, -0.06220616400241852, -0.05085863173007965, -0.052024126052856445, -0.0373697392642498, -0.0271498691290617, -0.015341084450483322, -0.011037010699510574, -0.015513502061367035, -0.007157077081501484, -0.012301521375775337, 0.00043708737939596176, -0.007818744517862797, -0.00801930669695139, 0.008233114145696163, 0.011327446438372135, 0.03507789969444275, 0.03980417922139168, 0.05727085843682289, 0.07998048514127731, 0.0861673578619957, 0.0971355065703392, 0.09526962786912918, 0.09480471909046173, 0.08676574379205704, 0.07029403746128082, 0.05478070676326752, 0.03816264122724533, 0.018830133602023125, 0.002097961027175188, -0.01795639656484127, -0.02502322383224964, -0.032229576259851456, -0.02987249754369259, -0.016253789886832237, -0.016118541359901428, -0.008656227961182594, -0.0035389652475714684, 0.005772363394498825, 0.018075749278068542, 0.019243629649281502, 0.020429665222764015, 0.019776344299316406, 0.020455485209822655, 0.020510870963335037, 0.020153798162937164, 0.026305241510272026, 0.035974882543087006, 0.04394182935357094, 0.05113556236028671, 0.05834459140896797, 0.07043137401342392, 0.08113063126802444, 0.084404855966568, 0.09155057370662689, 0.08878423273563385, 0.08544239401817322, 0.08170434832572937, 0.06626255810260773, 0.06089140847325325, 0.04974726215004921, 0.035517189651727676, 0.029819004237651825, 0.017373114824295044, 0.021148553118109703, 0.011953414417803288, 0.013740156777203083, 0.014134988188743591, 0.009724504314363003, 0.017225319519639015, 0.010878494009375572, 0.015141561627388, 0.010751198045909405, 0.004738899879157543, 0.009523316286504269, 0.001600749557837844, 0.0064192600548267365, 0.0034492250997573137, 0.006277433130890131, 0.014584467746317387, 0.013851713389158249, 0.02363642305135727, 0.024871334433555603, 0.03501953184604645, 0.03565588966012001, 0.028251206502318382, 0.03189665079116821, 0.023279476910829544, 0.01991102285683155, 0.0048642707988619804, -0.003502891631796956, -0.010463681071996689, -0.0233061071485281, -0.02714947983622551, -0.035509027540683746, -0.03686037287116051, -0.040864523500204086, -0.04074186831712723, -0.03897945582866669, -0.038777079433202744, -0.04062965139746666, -0.04222949966788292, -0.03679833188652992, -0.039110321551561356, -0.0464305579662323, -0.04553581401705742, -0.053344402462244034, -0.05617157742381096, -0.05842624604701996, -0.0643063336610794, -0.05710507929325104, -0.06019045040011406, -0.06850199401378632, -0.0632927417755127, -0.060919348150491714, -0.05726445093750954, -0.04920073598623276, -0.05097419023513794, -0.04987700283527374, -0.052743732929229736, -0.05795307829976082, -0.04961579665541649, -0.05685866251587868, -0.06272030621767044, -0.06874889880418777, -0.07191997021436691, -0.07550923526287079, -0.09079117327928543, -0.087452232837677, -0.09302908182144165, -0.08574909716844559, -0.09298928827047348, -0.09997209161520004, -0.09535994380712509, -0.09819801151752472, -0.08928141742944717, -0.09261497110128403, -0.09470526874065399, -0.09225290268659592, -0.08596745878458023, -0.06467696279287338, -0.04628925397992134, -0.02690456621348858, -0.0023310091346502304, 0.02738574706017971, 0.05166604742407799, 0.07383023202419281, 0.09055732935667038, 0.10342369228601456, 0.11392632126808167, 0.10683746635913849, 0.09778580814599991, 0.08508077263832092, 0.06902608275413513, 0.060543354600667953, 0.04153767228126526, 0.02548810839653015, 0.01469870749861002, 0.008078048937022686, 0.005605500191450119, 0.004547110293060541, 0.0015497570857405663, 0.002698700176551938, 0.013997767120599747, 0.009473724290728569, 0.007852624170482159, 0.00692990655079484, 0.0069404300302267075, 0.011213683523237705, -0.0027306785341352224, -0.001820079400204122, -0.0017203132156282663, 0.00021422951249405742, 0.0088982367888093, 0.0049423035234212875, 0.012982950545847416, 0.018823841586709023, 0.029714593663811684, 0.03298404812812805, 0.03619883209466934, 0.039732009172439575, 0.036293379962444305, 0.04223013296723366, 0.039609964936971664, 0.03937258571386337, 0.039850763976573944, 0.035568393766880035, 0.03791485354304314, 0.03962104767560959, 0.04269985109567642, 0.042015403509140015, 0.04258058965206146, 0.04570813849568367, 0.046337682753801346, 0.042973294854164124, 0.04463154822587967, 0.0434642992913723, 0.03588384762406349, 0.030131326988339424, 0.0253139678388834, 0.022213980555534363, 0.021452609449625015, 0.01638558693230152, 0.016647009178996086, 0.01829640008509159, 0.019270027056336403, 0.024835901334881783, 0.028291774913668633, 0.03333040699362755, 0.03945906460285187, 0.03998768702149391, 0.04363647475838661, 0.044749051332473755, 0.043252550065517426, 0.03984617069363594, 0.03529902547597885, 0.036526329815387726, 0.028983622789382935, 0.022853823378682137, 0.015924355015158653, 0.021512234583497047, 0.01860462687909603, 0.01584344170987606, 0.014325588010251522, 0.012155979871749878, 0.020406804978847504, 0.0133590679615736, 0.011510017327964306, 0.010984021238982677, 0.006742472294718027, 0.002557121217250824, -0.003903297008946538, -0.008191601373255253, -0.013401606120169163, -0.014341556467115879, -0.018679486587643623, -0.020139137282967567, -0.02290228009223938, -0.026910902932286263, -0.027464091777801514, -0.03036339581012726, -0.02996078133583069, -0.031295254826545715, -0.033971723169088364, -0.031245745718479156, -0.0340595580637455, -0.03623940423130989, -0.03521178662776947, -0.0337257944047451, -0.02952820248901844, -0.03093392588198185, -0.036626461893320084, -0.03724731132388115, -0.034325551241636276, -0.03714757040143013, -0.038780126720666885, -0.03956979513168335, -0.03525536134839058, -0.03909821808338165, -0.03992106020450592, -0.04023566469550133, -0.03812252730131149, -0.03881225362420082, -0.0384736992418766, -0.03458057716488838, -0.03307769075036049, -0.03290781006217003, -0.037464406341314316, -0.03492421656847, -0.028932876884937286, -0.03434421494603157, -0.033802181482315063, -0.03444851562380791, -0.03372851386666298, -0.03345251828432083, -0.038716088980436325, -0.03924049064517021, -0.047812871634960175, -0.04828175902366638, -0.05304307863116264, -0.04537557065486908, -0.04915294423699379, -0.05931733921170235, -0.06272215396165848, -0.054997432976961136, -0.051642514765262604, -0.05975471809506416, -0.06705694645643234, -0.051679980009794235, -0.050319794565439224, -0.053671713918447495, -0.05186760425567627, -0.048910338431596756, -0.037116799503564835, -0.0371939092874527, -0.029264695942401886, -0.024447843432426453, -0.020688317716121674, -0.016201673075556755, -0.012006034143269062, -0.006516200490295887, -0.013806893490254879, -0.003914983477443457, -0.0035867728292942047, 0.00579431839287281, 0.0021981268655508757, 0.004475103225558996, 0.008500025607645512, 0.009986734949052334, 0.010097848251461983, 0.00490168621763587, 0.00741727976128459, 0.008506649173796177, 0.009752056561410427, 0.005365272983908653, 0.012937015853822231, 0.01417086273431778, 0.015479008667171001, 0.017149807885289192, 0.015348791144788265, 0.020831745117902756, 0.020440692082047462, 0.01392542477697134, 0.015577425248920918, 0.01499958336353302, 0.012154977768659592, 0.013384862802922726, 0.017214225605130196, 0.014868161641061306, 0.022842979058623314, 0.02443428337574005, 0.026405733078718185, 0.0294336024671793, 0.028137309476733208, 0.034521374851465225, 0.03258059173822403, 0.03440554812550545, 0.033838603645563126, 0.03256243094801903, 0.03000585176050663, 0.03659530356526375, 0.03510921448469162, 0.03226244077086449, 0.031863149255514145, 0.036382224410772324, 0.033640820533037186, 0.022676896303892136, 0.026730507612228394, 0.02811998873949051, 0.027653507888317108, 0.02609700709581375, 0.02165696583688259, 0.024652499705553055, 0.02218621037900448, 0.0198284313082695, 0.018660370260477066, 0.01645939238369465, 0.020135698840022087, 0.018228445202112198, 0.01829347386956215, 0.01634124107658863, 0.015057292766869068, 0.01409069262444973, 0.013091337867081165, 0.016771238297224045, 0.014829677529633045, 0.01456849742680788, 0.011030028574168682, 0.00973878800868988, 0.008511733263731003, 0.004761539865285158, 0.004146253224462271, 0.002868537325412035, 0.003038613125681877, -0.0019298992119729519, 0.0032510575838387012, 0.0036680232733488083, 0.0014104642905294895, 0.0013728495687246323, -0.004942044150084257, 0.0018667527474462986, -0.002829775447025895, -0.007318822201341391, -0.008765965700149536, -0.002046227687969804, -0.006781747564673424, -0.015139617025852203, -0.004558064974844456, -0.009888963773846626, -0.0073866043239831924, -0.015727749094367027, -0.003171539166942239, -0.004980806261301041, -0.003330858191475272, -0.00030161638278514147, -0.016954906284809113, 0.00217854673974216, -0.012959552928805351, -0.0070389918982982635, -0.016134759411215782, -0.00703980540856719, -0.007390216458588839, -0.018752234056591988, -0.012743641622364521, -0.016327625140547752, -0.010893147438764572, -0.013344228267669678, -0.00752546451985836, -0.015489487908780575, 0.0010106792906299233, 0.006731363013386726, -0.004609429743140936, -0.005284096579998732, -0.006167898885905743, 0.014289729297161102, -0.006637122016400099, -0.011020663194358349, -0.008503769524395466, 0.011318699456751347, -0.002993764588609338, -0.01784856989979744, 0.005766857415437698, 0.013067536056041718, 0.000864838482812047, -0.007573783863335848, 0.0010596007341518998, 0.010762971825897694, 0.0012228656560182571, -0.015226240269839764, -0.0048921555280685425, 0.0027244610246270895, -0.009925422258675098, -0.02560061402618885, -0.00806278083473444, 0.005058665759861469, -0.01895253174006939, -0.01710721105337143, 0.005333992186933756, -0.0039590285159647465, -0.018477313220500946, -0.01365042943507433, -0.0017406302504241467, -0.002203154843300581, -0.016710245981812477, -0.007579850032925606, -0.002386244246736169, -0.004763924982398748, -0.01768435910344124, 0.0003321418771520257, -0.005889770109206438, -0.012595883570611477, -0.005937506910413504, -0.003941924776881933, -0.008122827857732773, -0.0037516893353313208, -0.00766301853582263, 0.00230562430806458, -0.006149967201054096, -0.01388712227344513, -0.005792179610580206, -0.003228119807317853, 0.0034009648952633142, 0.00030940756550990045, -0.0005825054831802845, -0.0009703300311230123, 0.017253335565328598, 0.0006679987418465316, -0.0074831657111644745, 0.004449218977242708, 0.0008881257963366807, -0.0021141874603927135, -0.006684452760964632, -0.002862585475668311, 0.005570665467530489, -0.008844458498060703, -0.002123640850186348, 0.008760374039411545, 0.0024287905544042587, 0.003324906574562192, 0.011283920146524906, -0.002601039595901966, 0.008867773227393627, 0.001577560557052493, -0.009968611411750317, 0.0031803238671272993, -0.015910400077700615, -0.007500555831938982, -0.008736268617212772, -0.012119517661631107, -0.0060947369784116745, -0.014680144377052784, -0.005416083615273237, -0.009506200440227985, -0.0018825576407834888, -0.009054133668541908, -0.002852414967492223, -0.0023749612737447023, -0.0028476407751441, -0.0012357289670035243, -0.008007624186575413, -0.006425943691283464, -0.007118253502994776, -0.007390862796455622, -0.009443926624953747, -0.0022228644229471684, -0.00784972682595253, -0.0012500761076807976, -0.0005184244364500046, -0.0033386407885700464, -0.0037808266934007406, -0.005178283900022507, 0.0006853564409539104, -0.007673889864236116, -0.008875957690179348, -0.006380394101142883, -0.007173482794314623, -0.01499913539737463, -0.01107095181941986, -0.012214825488626957, -0.012609249912202358, -0.013514458201825619, -0.015127576887607574, -0.0050226422026753426, -0.017591744661331177, -0.011896838434040546, -0.011887811124324799, -0.013899456709623337, -0.013151885941624641, -0.011079520918428898, -0.011258157901465893, -0.014827257953584194, -0.006919311359524727, -0.017292451113462448, -0.009774274192750454, -0.013366675935685635, -0.008751713670790195, -0.008175615221261978, -0.014266719110310078, -0.005487431306391954, -0.003965792711824179, -0.008671699091792107, -0.009806528687477112, -0.0024214412551373243, -0.0018225460080429912, -0.006711441092193127, -0.004927436821162701, -0.003785298438742757, -0.0010071840370073915, -0.003719368716701865, -0.005973999388515949, -0.001076754997484386, -0.0046498412266373634, -0.005681718699634075, -0.0029342309571802616, -0.006105449981987476, -0.004889889620244503, -0.003117994172498584, -0.010000721551477909, -0.005572118796408176, -0.00703801354393363, -0.010240288451313972, -0.005952257663011551, -0.011105216108262539, -0.007805215194821358, -0.006613308563828468, -0.0069961207918822765, -0.008060974068939686, -0.005341172218322754, -0.004635266028344631, -0.005812760442495346, -0.006488509476184845, -0.0021409429609775543, -0.005309124942868948, -0.007407424971461296, -0.0016378691652789712, -0.004145775455981493, -0.004770180210471153, -0.0039457171224057674, -0.0025172848254442215, 0.0009025292820297182, -0.001334560220129788, -0.005494227167218924, -0.001843112986534834, 0.00020105305884499103, -0.0038929630536586046, -0.004614528268575668, -0.0035035342443734407, -0.0006086433422751725, -0.010063385590910912, -0.006708784494549036, -0.00034871968091465533, -0.01158625353127718, -0.006966173183172941, -0.009640734642744064, -0.010182034224271774, -0.010008412413299084, -0.00838358886539936, -0.009039436466991901, -0.014226328581571579, -0.00407838961109519, -0.009657121263444424, -0.011515729129314423, -0.00927372183650732, 0.0013163568219169974, -0.002803804585710168, -0.011830449104309082, 4.582464316627011e-05, 0.005623590666800737, 0.006362536456435919, -0.0058323112316429615, 0.009672132320702076, 0.012409352697432041, 0.008015005849301815, -0.0003166154492646456, 0.012822993099689484, 0.009853683412075043, 0.0003936875145882368, 0.007178517058491707, 0.0067740799859166145, 0.010342306457459927, 0.0027254463639110327, 0.00478907348588109, 0.007141240406781435, 0.005166483577340841, -0.00016344492905773222, 0.0041838218457996845, 0.0060040708631277084, 0.0036513253580778837, 0.0002053450734820217, 0.0051865666173398495, 0.008040081709623337, 0.000926523411180824, 0.005521679297089577, 0.007615422364324331, 0.008466803468763828, 0.002082821447402239, 0.006021492648869753, 0.008771167136728764, 0.010898816399276257, 0.006761571392416954, 0.008608265779912472, 0.014371183700859547, 0.00951691810041666, 0.00997183658182621, 0.011130581609904766, 0.009419680573046207, 0.007051811087876558, 0.006046520546078682, 0.005518671125173569, 0.006054059602320194, 0.009108425118029118, 0.005077870562672615, 0.008070027455687523, 0.009301933459937572, 0.007714475970715284, 0.006342246662825346, 0.008294399827718735, 0.008889400400221348, 0.007552193012088537, 0.007865834049880505, 0.005197564139962196, 0.006047278176993132, 0.0047421143390238285, 0.007684503216296434, 0.003679758170619607, 0.0024500549770891666, 0.002730573760345578, 0.00687144510447979, 0.0029045206028968096, 0.0013852750416845083, 0.012394510209560394, 0.00965794362127781, 0.009627298451960087, 0.008042384870350361, 0.009073061868548393, 0.011523328721523285, 0.0032523958943784237, 0.007108339574187994, 0.006996062118560076, 0.004356709774583578, 0.006262841168791056, 0.004728861153125763, 0.006900494918227196, 0.00797814130783081, 0.006981076672673225, 0.005957961082458496, 0.006892900448292494, 0.009021737612783909, 0.0028788635972887278, 0.006640149280428886, 0.005963415373116732, 0.006646756082773209, 0.0033086559269577265, 0.002549530938267708, 0.012435171753168106, 0.008955868892371655, 0.005332469940185547, 0.007827367633581161, 0.015601799823343754, 0.012032558210194111, 0.004064549691975117, 0.008153515867888927, 0.01119119394570589, 0.005026279017329216, 0.002570854499936104, 0.006657089572399855, 0.006658548954874277, 0.006503202021121979, 0.002962052822113037, 0.010817928239703178, 0.011540474370121956, 0.00495531503111124, 0.008144011721014977, 0.0081007219851017, 0.007321164011955261, 0.007047133520245552, 0.0031114164739847183, 0.0037063760682940483, 0.005274304188787937, 0.0023517387453466654, 0.003932372201234102, 0.004181732889264822, 0.006529592908918858, 0.0046260785311460495, 0.0022246274165809155, 0.005029855761677027, 0.004037006758153439, 0.002380754565820098, 0.0039658318273723125, 0.004277538042515516, 0.006046556401997805, 0.0031887947116047144, 0.004392880480736494, 0.0040964107029139996, 0.006551395636051893, 0.00378816737793386, 0.003900213399901986, 0.0024544731713831425, 0.0034559634514153004, 0.0028728563338518143, 0.00014608023047912866, 0.00318169710226357, 0.0012686178088188171, 0.00035557866794988513, 0.003511250950396061, -0.0032594723161309958, 0.00368682318367064, 0.0012438694247975945, 0.001864242716692388, 0.003240500809624791, 0.00014126933820080012, 0.0038069598376750946, 0.0020582175347954035, -0.0006355653167702258, 0.0023691882379353046, 0.00036172752152197063, 0.0021079625003039837, 0.0009723178227432072, 0.0012967431684955955, 0.004090338014066219, 2.8418457077350467e-05, 0.0001320850133197382, 0.004062008112668991, 0.002821239409968257, 0.0030907553154975176, 0.0009212451404891908, 0.0058275735937058926, 0.003412003396078944, 0.0027371731121093035, 0.005826997570693493, 0.0073936679400503635, 0.007392296567559242, 0.005653022322803736, 0.007801894564181566, 0.012524709105491638, 0.008501719683408737, 0.010203207843005657, 0.011011832393705845, 0.011659684590995312, 0.00974399596452713, 0.009607234038412571, 0.009139671921730042, 0.00522203603759408, 0.010442637838423252, 0.004305047448724508, 0.002431369386613369, -0.000506149313878268, 0.004092789720743895, 0.000926409789826721, -0.0009177288156934083, 0.0003224500687792897, -0.000955888710450381, -0.0008052554330788553, -0.00039537815609946847, 0.0011153108207508922, -0.00014353256847243756, 0.0033305089455097914, 0.0015587452799081802, -0.00031639658845961094, 0.004540715366601944, 0.0012171434937044978, 0.004319935105741024, 0.003413706785067916, 0.004567214287817478, 0.00573010416701436, 0.0065512824803590775, 0.006806818302720785, 0.004055775701999664, 0.008681858889758587, 0.009659764356911182, 0.004299053456634283, 0.004530685022473335, 0.008932515978813171, 0.007534980773925781, 0.0032801683992147446, 0.0020689803641289473, 0.007145762909203768, -0.0001312122622039169, -0.0008456296636722982, 0.004916139878332615, 0.0014633465325459838, -0.00014437662321142852, -0.00012222280201967806, 0.00039455253863707185, 8.170931687345728e-05, 0.0028370502404868603, 0.003658631816506386, 0.0006623186636716127, 0.005790627561509609, 0.0041826264932751656, 0.003860872471705079, 0.006806388963013887, 0.002544078975915909, 0.008249702863395214, 0.0038218640256673098, 0.006314523983746767, 0.00846835132688284, 0.007281579542905092, 0.007603724952787161, 0.007813221774995327, 0.011240295134484768, 0.009038032032549381, 0.005616779439151287, 0.00727382767945528, 0.008386450819671154, 0.004570138640701771, 0.005075771827250719, 0.005344811826944351, 0.0026387711986899376, 0.003054411383345723, 0.006762636825442314, 0.0015474148094654083, 0.0006654819590039551, 0.0024454789236187935, 0.007253648247569799, 0.004029031842947006, 0.0014247623039409518, 0.0069842771627008915, 0.005871278699487448, 0.007170885801315308, 0.003047592705115676, 0.006001919507980347, 0.008449689485132694, 0.005640040151774883, 0.003398442640900612, 0.010804131627082825, 0.006429219618439674, 0.005156524479389191, 0.005216149613261223, 0.003306938800960779, 0.008852117694914341, 0.004679056350141764, 0.004632557742297649, 0.005123547278344631, 0.00477485079318285, 0.005705411545932293, 0.006160374265164137, 0.0025102789513766766, 0.004510081838816404, 0.0013961008517071605, 0.0021205299999564886, -0.0007381970644928515, -0.00012010224600089714, 0.0006815964006818831, 0.0016602769028395414, 0.002734939567744732, -0.0011837430065497756, 0.005001917015761137, 0.0028551407158374786, 0.0042624762281775475, 0.005359314382076263, 0.00801636278629303, 0.0023194528184831142, 0.003989012446254492, 0.0027466651517897844, 0.002711937762796879, 0.0035211844369769096, 0.004437990486621857, 0.004714288283139467, 0.0006620649946853518, 0.004194441717118025, -0.0006979338359087706, -0.000888784124981612, -0.0017525251023471355, -0.0014347340911626816, -0.0032682998571544886, -0.0038399144541472197, -0.0002824881230480969, -0.00048722655628807843, -0.0010320062283426523, 0.00010363789624534547, 0.0011145520256832242, -0.00251337350346148, -9.260374099540059e-06, -0.0014407652197405696, -0.0003120221372228116, 0.0010974876349791884, -4.163421908742748e-05, 0.002207416808232665, 0.0002497775130905211, -0.00029514299239963293, -0.0010606793221086264, -0.0009807777823880315, -0.0030621099285781384, 0.0008027666481211782, 0.00048570925719104707, -0.001203707535751164, 0.0011915238574147224, 0.0067917644046247005, 0.005438254214823246, 0.00228819134645164, 0.005446719937026501, 0.003358572255820036, 0.0045624179765582085, -0.0038031332660466433, -0.0006910849479027092, 0.003200623905286193, 0.00515649002045393, 0.003537057200446725, 0.002856084145605564, 0.008606183342635632, 4.2550575017230585e-05, 0.0046041314490139484, 0.0003614392480812967, 0.001149990363046527, -0.0005906785954721272, -0.002057993086054921, -0.001287971273995936, -0.0010279403068125248, -0.003574080066755414, 0.0019087688997387886, 0.0010379183804616332, -0.0011165151372551918, 0.004505911376327276, 0.005957289598882198, 0.044946663081645966, 0.09101425111293793, 0.06638766825199127, 0.02752208150923252, 0.06609032303094864, 0.02071230113506317, 0.014376990497112274, -0.04187166690826416, -0.07357704639434814, -0.031754668802022934, -0.0921681746840477, -0.03535551205277443, -0.02484961785376072, 0.013005639426410198, 0.05316302552819252, 0.05929170176386833, 0.06528395414352417, 0.0859861969947815, 0.06746121495962143, 0.0242351945489645, 0.017322463914752007, -0.01664941944181919, -0.004255157895386219, -0.052663251757621765, -0.05902441218495369, -0.03681002929806709, -0.01636377163231373, -0.0046392278745770454, -0.0025942539796233177, 0.02957884408533573, 0.047222185879945755, 0.039835914969444275, 0.03422994539141655, 0.04124721139669418, 0.041850972920656204, 0.03120754472911358, 0.017998719587922096, 0.0160515233874321, -0.010819006711244583, -0.008395626209676266, 0.04537106677889824, 0.07278981804847717, 0.04733872786164284, 0.08335210382938385, 0.09426495432853699, 0.0856708362698555, 0.04186628386378288, -0.003173869103193283, 0.007013050839304924, -0.0467793345451355, -0.08317572623491287, -0.0857575461268425, -0.06904881447553635, -0.02541908621788025, -0.026727385818958282, 0.007428519893437624, 0.041989766061306, 0.041397374123334885, 0.050814371556043625, 0.02242090180516243, 0.012924710288643837, 0.004918910097330809, -0.0066783251240849495, -0.005262577906250954, -0.02351931668817997, -0.013596155680716038, 0.018143601715564728, 0.034214723855257034, 0.04375064745545387, 0.053488895297050476, 0.07023391872644424, 0.07455653697252274, 0.03584827482700348, 0.020020857453346252, 0.0010193857597187161, -0.022932425141334534, -0.04220668971538544, -0.04840577766299248, -0.03398625925183296, -0.03190847486257553, -0.010149016045033932, -0.001058973022736609, 0.030682066455483437, 0.01102450117468834, 0.02172868326306343, 0.017336660996079445, -0.03126922622323036, -0.03577010706067085, -0.03940875083208084, -0.04161569103598595, -0.04670437052845955, -0.044438477605581284, -0.006383024621754885, 0.022229839116334915, 0.008656236343085766, 0.013987085781991482, 0.029771676287055016, 0.04816960543394089, 0.012627472169697285, -0.0001947140699485317, 0.015098262578248978, 0.013442755676805973, -0.009985100477933884, -0.013011817820370197, 0.00350071769207716, 0.011255146935582161, -0.0006369119510054588, 0.0011469587916508317, 0.018991028890013695, -0.0005788722191937268, -0.0028833302203565836, -0.017452888190746307, -0.011698120273649693, -0.009812034666538239, -0.023159518837928772, -0.02406883053481579, -0.007523565087467432, -0.022052988409996033, -0.021832024678587914, 0.002191285602748394, 0.012830673716962337, 0.01833195798099041, -0.0019438947783783078, 0.011057970114052296, 0.0026176422834396362, 0.0026955532375723124, -0.01806412637233734, -0.012757821008563042, -0.01607580855488777, -0.022007640451192856, -0.012762326747179031, -0.011436022818088531, 0.007670957129448652, 0.01315064076334238, 0.024545401334762573, 0.008437243290245533, 0.015900583937764168, -0.0012987800873816013, -0.006477121263742447, -0.014324995689094067, -0.019057394936680794, -0.019270502030849457, -0.017906680703163147, -0.019462551921606064, -0.02643732912838459, -0.004579613916575909, -0.012632185593247414, 0.001076464424841106, -0.012973900884389877, -0.01056929025799036, 0.009103669784963131, 0.0006018154672347009, -0.006491186562925577, -0.0027704641688615084, -0.005429636687040329, 0.0023662575986236334, -0.013535641133785248, -0.01817219704389572, -0.014298678375780582, -0.01930638961493969, -0.008778580464422703, -0.015150479041039944, -0.006176227703690529, -0.024807969108223915, -0.014364385046064854, -0.018287930637598038, -0.01775156520307064, -0.01840895414352417, -0.018389174714684486, 0.007538915146142244, -0.009129905141890049, 0.004429188556969166, 0.0025683001149445772, 0.014441989362239838, -0.0050632343627512455, -0.013618716038763523, -0.0018604826182126999, -0.0031423703767359257, -0.015246589668095112, -0.0166932325810194, -0.00394445052370429, -0.006696532014757395, -0.0015584424836561084, 0.002893894910812378, 0.01464433129876852, -0.0006227086414583027, -0.0007324499893002212, -0.0005912703927606344, -0.01214897446334362, -0.02615365758538246, -0.0005051426705904305, -0.007017573807388544, -0.028954708948731422, -0.020094668492674828, -0.007043065503239632, 0.006208387203514576, -0.027738241478800774, 0.0005882454570382833, -0.004952404648065567, -0.008333660662174225, -0.01839958131313324, -0.02115671895444393, -0.004198138602077961, -0.02333608828485012, -0.01275880727916956, 0.005982113070785999, -0.005294763948768377, -0.004941249266266823, 0.003902408527210355, -0.0017244602786377072, 0.01744193024933338, -0.01232128031551838, 0.005694486200809479, 0.0032603847794234753, -0.009252571500837803, 0.0024487099144607782, 0.0013304860331118107, -0.0004992389585822821, -0.013500723987817764, 0.0027883388102054596, -0.004623793065547943, -0.01895717717707157, -0.02070356160402298, -0.009086051024496555, -0.015215023420751095, -0.027962056919932365, -0.029394177719950676, -0.015600427985191345, -0.015382979065179825, -0.028682338073849678, -0.015174377709627151, -0.003892510896548629, -0.01050121895968914, -0.019688526168465614, -0.018796471878886223, -0.014188897795975208, -0.01630745269358158, -0.01988980546593666, -0.012368209660053253, -0.009144477546215057, -0.005601640325039625, 2.654152922332287e-05, -0.005690829362720251, 0.008590266108512878, 0.0032313659321516752, -0.00904731173068285, -0.006678547710180283, -0.00011077398085035384, -0.014555612578988075, -0.014325573109090328, -0.013941507786512375, -0.015599814243614674, -0.012660155072808266, -0.015313103795051575, -0.0061007533222436905, -0.02569938637316227, -0.014833603985607624, -0.016894012689590454, -0.013361794874072075, -0.022818060591816902, -0.022875569760799408, -0.0035476365592330694, -0.009000708349049091, -0.013711643405258656, -0.026486577466130257, -0.010991725139319897, -0.01034405454993248, -0.025642411783337593, -0.010338912717998028, -0.010010609403252602, -0.006246265955269337, -0.026983534917235374, -0.006975253578275442, 0.004541794769465923, -0.009625674225389957, -0.005519261583685875, -3.3448683097958565e-05, 0.007803750690072775, -0.017927061766386032, -0.008165097795426846, 0.00446081068366766, -0.014007247984409332, -0.00018138825544156134, -0.002255198312923312, -0.00433707470074296, -0.02792074717581272, -0.019414890557527542, 0.019689396023750305, -0.013860955834388733, -0.03779757022857666, -0.001450390089303255, 0.034113358706235886, -0.007402703166007996, -0.049186382442712784, -0.013411039486527443, 0.01314566656947136, -0.004262819886207581, -0.012924231588840485, 0.00840378925204277, -0.0038863541558384895, -0.02551734633743763, 0.00345460488460958, 0.023358801379799843, -0.014693102799355984, -0.026630723848938942, 0.009962581098079681, 0.005847301334142685, -0.02750329114496708, -0.019693804904818535, 0.002199231879785657, 0.004018822684884071, -0.022832361981272697, 0.0012251256266608834, 0.009230702184140682, -0.011459904722869396, -0.005391709506511688, 0.0014483538689091802, -0.007354887202382088, -0.027967438101768494, -0.01837204582989216, -0.006555243860930204, -0.020388057455420494, -0.02506016194820404, -0.016519831493496895, -0.0010693209478631616, -0.011586046777665615, -0.01618507318198681, -0.0036251081619411707, 0.0031866536010056734, -0.004179272335022688, -0.0009526712819933891, 0.0036149434745311737, -0.005006635095924139, -0.0042028892785310745, -0.003307637758553028, -0.004322049207985401, -0.009896701201796532, -0.008809623308479786, -0.0007507521077059209, -0.007413449231535196, -0.004726443439722061, 0.008312367834150791, 0.019992602989077568, 0.004490906838327646, -0.0012145008658990264, 0.0015925141051411629, -0.00818228255957365, -0.007988023571670055, 0.0016552682500332594, 0.0008552481303922832, -0.0036976404953747988, -0.002363561186939478, -0.0038598719984292984, -0.0032973536290228367, -0.010615024715662003, -0.006889660377055407, -0.001723895431496203, -0.011344056576490402, -0.007092126179486513, 0.004781397525221109, -0.000363030907465145, -0.005440521985292435, 0.003290726337581873, 0.007290111389011145, -0.0009902854217216372, -0.009198908694088459, 0.0002304472291143611, -0.001388775766827166, -0.005089727696031332, 0.0028326930478215218, 0.011342543177306652, 0.009916198439896107, 0.01189624983817339, 0.025463823229074478, 0.018911736086010933, 0.008332538418471813, 0.006668017245829105, 0.006301765330135822, -0.0009311620960943401, -0.004312087781727314, 0.007622536271810532, 0.007695258129388094, 0.004846079275012016, 0.004884416237473488, 0.005316995084285736, -0.002292437944561243, -0.0032497032079845667, -0.003426625393331051, -0.00465527456253767, -0.002934612100943923, 0.003186245448887348, 0.010586661286652088, 0.001134231104515493, 0.003365728771314025, 0.007205985486507416, 0.002697401214390993, 0.008458887226879597, -0.0029821405187249184, 0.006985255051404238, 0.006224335636943579, -0.005296063609421253, 0.010567685589194298, 0.01563039980828762, 0.014922230504453182, 0.009884894825518131, 0.02100146748125553, 0.018227197229862213, 0.007668770849704742, 0.018708448857069016, 0.01875809021294117, 0.016159765422344208, 0.009368340484797955, 0.011413639411330223, -0.0008563162409700453, -0.003756279358640313, 0.0028480887413024902, 0.0008846244309097528, -0.0018439340637996793, 0.0006136288866400719, 0.012402812950313091, 0.003423407906666398, 0.0018562347395345569, 0.006888371426612139, 0.003755492391064763, 0.0032418151386082172, 0.0002670269168447703, -0.0020632005762308836, -0.008842096664011478, -0.002349086804315448, 0.004235660191625357, -0.00026845556567423046, 0.005883040837943554, 0.007479208055883646, 0.009806300513446331, 0.008723422884941101, -0.004002442117780447, -0.0033506620675325394, -0.005660743918269873, -0.00318488129414618, 0.002137180184945464, 0.0019864921923726797, 0.006593680940568447, 0.008513777516782284, 0.003632948035374284, -0.002341285115107894, -0.005872723180800676, -0.005688698962330818, 0.0042484537698328495, -0.00026164393057115376, -0.0013727175537496805, 0.0014661374734714627, -0.0036336053162813187, 0.0034920445177704096, -0.004378924146294594, -0.00625635776668787, -0.008533429354429245, -0.012025133706629276, -0.016130194067955017, -0.012364177033305168, -0.0008415665943175554, -0.002946029417216778, -0.00395102147012949, -0.00720320176333189, -0.01522214338183403, -0.017308833077549934, -0.01875823549926281, -0.01525958627462387, -0.014819432981312275, -0.019839918240904808, -0.01235748827457428, -0.012088253162801266, -0.013979818671941757, -0.009015441872179508, -0.006763324607163668, -0.019896958023309708, -0.03187694028019905, -0.0364643819630146, -0.03901635482907295, -0.035234592854976654, -0.03474373742938042, -0.024043211713433266, -0.022561470046639442, -0.022790439426898956, -0.02739325910806656, -0.028540926054120064, -0.029542140662670135, -0.03138493001461029, -0.022320356220006943, -0.02762487716972828, -0.03254424408078194, -0.030700774863362312, -0.023432619869709015, -0.022119848057627678, -0.019655020907521248, -0.023360706865787506, -0.031330764293670654, -0.04360959306359291, -0.050184063613414764, -0.05140622332692146, -0.04140988364815712, -0.030473090708255768, -0.023109542205929756, -0.023075297474861145, -0.02254660613834858, -0.03129531815648079, -0.03074887953698635, -0.018412116914987564, -0.025469914078712463, -0.028015144169330597, -0.030993087217211723, -0.02515949308872223, -0.021088747307658195, -0.014081628061830997, -0.004253265913575888, -0.0004914906457997859, 0.005729318596422672, 0.0038660671561956406, 0.0005851250607520342, 0.0009607465472072363, 0.008743069134652615, 0.01377802062779665, 0.02014137990772724, 0.020126428455114365, 0.019535353407263756, 0.026792163029313087, 0.03472660854458809, 0.034063100814819336, 0.04050898924469948, 0.04520360380411148, 0.043788425624370575, 0.04553331807255745, 0.05398239195346832, 0.05949564278125763, 0.06102690473198891, 0.06491173058748245, 0.06246963143348694, 0.06239761412143707, 0.06259485334157944, 0.06126241013407707, 0.05956527218222618, 0.05845147371292114, 0.05903846025466919, 0.06070331111550331, 0.06236758455634117, 0.06166800484061241, 0.062244489789009094, 0.05813593044877052, 0.06050655245780945, 0.05766357108950615, 0.0552779883146286, 0.05302583426237106, 0.053289078176021576, 0.055305059999227524, 0.054292019456624985, 0.055913712829351425, 0.05202680826187134, 0.051041290163993835, 0.05482175573706627, 0.053344085812568665, 0.05226511135697365, 0.05195388197898865, 0.048760417848825455, 0.04559627175331116, 0.04304291680455208, 0.039893101900815964, 0.04016959294676781, 0.03941920027136803, 0.03346845880150795, 0.032362718135118484, 0.025001322850584984, 0.025034327059984207, 0.02300431579351425, 0.0189687330275774, 0.01999770477414131, 0.015294794924557209, 0.01591966114938259, 0.008562193252146244, 0.0048043872229754925, 0.006079912185668945, 0.001127830008044839, -0.004158694762736559, -0.010773533955216408, -0.010470351204276085, -0.01719244383275509, -0.021732110530138016, -0.02214706875383854, -0.026981912553310394, -0.028288496658205986, -0.03386226296424866, -0.03764032945036888, -0.039816077798604965, -0.0438503623008728, -0.046997278928756714, -0.048394009470939636, -0.0527530163526535, -0.053927380591630936, -0.05416910722851753, -0.06143372133374214, -0.058254748582839966, -0.05866774916648865, -0.057182490825653076, -0.057574182748794556, -0.06627018004655838, -0.06894699484109879, -0.07740231603384018, -0.079868845641613, -0.07414475828409195, -0.07092259079217911, -0.06894726306200027, -0.07161802798509598, -0.07584758847951889, -0.07804562896490097, -0.0867665559053421, -0.08884969353675842, -0.08691178262233734, -0.09199612587690353, -0.09350419789552689, -0.0992916077375412, -0.10377273708581924, -0.10934945940971375, -0.1117129847407341, -0.1044931709766388, -0.10267409682273865, -0.09561574459075928, -0.09620341658592224, -0.08888030797243118, -0.08162394911050797, -0.06091095507144928, -0.03308072313666344, -0.00748935341835022, 0.015785647556185722, 0.036911021918058395, 0.0538766048848629, 0.06497510522603989, 0.07856995612382889, 0.08718518167734146, 0.09245876967906952, 0.09988389909267426, 0.0997031033039093, 0.10679445415735245, 0.10575872659683228, 0.11185622960329056, 0.11484206467866898, 0.11057155579328537, 0.11106879264116287, 0.09207622706890106, 0.08063529431819916, 0.06693654507398605, 0.05624278262257576, 0.04964284226298332, 0.041498761624097824, 0.03824838995933533, 0.030128417536616325, 0.02680891938507557, 0.021691465750336647, 0.015878263860940933, 0.01478677336126566, 0.015337884426116943, 0.016755500808358192, 0.015653500333428383, 0.02097805216908455, 0.017819248139858246, 0.024377765133976936, 0.033432237803936005, 0.04114099219441414, 0.05178156867623329, 0.05613122880458832, 0.06866897642612457, 0.07343796640634537, 0.07600247114896774, 0.08463706821203232, 0.09238404780626297, 0.09623397141695023, 0.0930745080113411, 0.09792959690093994, 0.09531927108764648, 0.09156094491481781, 0.0931059792637825, 0.09400014579296112, 0.09114038944244385, 0.08757772296667099, 0.08656792342662811, 0.08162036538124084, 0.07359270006418228, 0.06338410824537277, 0.05721108615398407, 0.05101346597075462, 0.04060293361544609, 0.03585965558886528, 0.034834373742341995, 0.03106720559298992, 0.031790509819984436, 0.034966059029102325, 0.035098250955343246, 0.035534895956516266, 0.033283840864896774, 0.03611258044838905, 0.03461945801973343, 0.03669818118214607, 0.03986239805817604, 0.04152188077569008, 0.0438828282058239, 0.04125991463661194, 0.04241277649998665, 0.03931821137666702, 0.03919379413127899, 0.03551400825381279, 0.03347276523709297, 0.03552432730793953, 0.03150079399347305, 0.03042512945830822, 0.02502165175974369, 0.022020183503627777, 0.014426551759243011, 0.006708803121000528, 6.783834396628663e-05, -0.0071442038752138615, -0.012843825854361057, -0.019396947696805, -0.02313833124935627, -0.026622064411640167, -0.026303259655833244, -0.025995105504989624, -0.02917247824370861, -0.027574719861149788, -0.03326021134853363, -0.03490035608410835, -0.033040378242731094, -0.036927059292793274, -0.03863641992211342, -0.044006649404764175, -0.04409995302557945, -0.049414217472076416, -0.05434628203511238, -0.052806492894887924, -0.05538579449057579, -0.060870733112096786, -0.06260370463132858, -0.060040783137083054, -0.06833132356405258, -0.07213953882455826, -0.07124248892068863, -0.07164070010185242, -0.07317568361759186, -0.0806063711643219, -0.07882408052682877, -0.08438843488693237, -0.0879870057106018, -0.08697175979614258, -0.08601994067430496, -0.08489049226045609, -0.08778972923755646, -0.08331960439682007, -0.08202177286148071, -0.08429180085659027, -0.08572328090667725, -0.08402810245752335, -0.0837705135345459, -0.08403977006673813, -0.0834411233663559, -0.07930642366409302, -0.08214535564184189, -0.0805649533867836, -0.07560441642999649, -0.07053627818822861, -0.06310131400823593, -0.057597965002059937, -0.044452544301748276, -0.041134998202323914, -0.03615787625312805, -0.028363464400172234, -0.022416716441512108, -0.015135088004171848, -0.011835889890789986, -0.003371284808963537, 0.0018759217346087098, 0.003752385498955846, 0.007440928835421801, 0.010254877619445324, 0.01510690152645111, 0.012992141768336296, 0.016633549705147743, 0.01671595685184002, 0.014264263212680817, 0.01525311078876257, 0.012212010100483894, 0.01608768291771412, 0.013925231993198395, 0.017247233539819717, 0.019231019541621208, 0.019709857180714607, 0.024204794317483902, 0.023438021540641785, 0.028806911781430244, 0.030131833627820015, 0.033095791935920715, 0.03616809844970703, 0.03798339515924454, 0.041338883340358734, 0.041586436331272125, 0.04494791850447655, 0.0460321344435215, 0.047711681574583054, 0.048860497772693634, 0.04908251017332077, 0.050215281546115875, 0.051597531884908676, 0.04947749525308609, 0.049543216824531555, 0.04956001043319702, 0.049385055899620056, 0.04789348319172859, 0.04773220792412758, 0.04773377627134323, 0.04572049900889397, 0.04516380652785301, 0.045312922447919846, 0.04681792110204697, 0.044161777943372726, 0.04296578839421272, 0.04186754301190376, 0.039913661777973175, 0.03722045570611954, 0.03565818443894386, 0.035006821155548096, 0.03210380673408508, 0.029715625569224358, 0.02909952960908413, 0.02815629355609417, 0.024540435522794724, 0.024758458137512207, 0.02663215808570385, 0.02594742365181446, 0.024785110726952553, 0.026828166097402573, 0.029018975794315338, 0.028225049376487732, 0.028089404106140137, 0.03147684410214424, 0.032174766063690186, 0.03220495209097862, 0.033888790756464005, 0.03682931512594223, 0.03603255748748779, 0.03521553426980972, 0.037458617240190506, 0.03742162883281708, 0.036799732595682144, 0.035487495362758636, 0.03643243387341499, 0.03534510359168053, 0.032062169164419174, 0.031542275100946426, 0.03130362555384636, 0.029961630702018738, 0.02645912952721119, 0.026338430121541023, 0.024099377915263176, 0.021035879850387573, 0.018350619822740555, 0.01709849014878273, 0.015599850565195084, 0.011620854027569294, 0.010987930931150913, 0.009782691486179829, 0.007366216275840998, 0.004182423930615187, 0.003605749225243926, 0.0024012047797441483, -0.0008199701551347971, -0.00321363122202456, -0.0045919776894152164, -0.006775066256523132, -0.009684835560619831, -0.011748423799872398, -0.014158443547785282, -0.01772988960146904, -0.019367186352610588, -0.021885009482502937, -0.0246454905718565, -0.02825275808572769, -0.03064926713705063, -0.033435188233852386, -0.03791927918791771, -0.04054766893386841, -0.04265499487519264, -0.044887688010931015, -0.047463275492191315, -0.04980010911822319, -0.051980502903461456, -0.05428566783666611, -0.055292341858148575, -0.057396888732910156, -0.058829013258218765, -0.06176125630736351, -0.06395541876554489, -0.06579373776912689, -0.06801030039787292, -0.0700470507144928, -0.07263590395450592, -0.07312456518411636, -0.07585874199867249, -0.07761619240045547, -0.07950695604085922, -0.08127478510141373, -0.08225380629301071, -0.08416615426540375, -0.08475157618522644, -0.08720666170120239, -0.08831953257322311, -0.08992670476436615, -0.09125711768865585, -0.09164590388536453, -0.09233377873897552, -0.09266439080238342, -0.0933229997754097, -0.09166035056114197, -0.09116826951503754, -0.08896864205598831, -0.08836179226636887, -0.08499864488840103, -0.08181155472993851, -0.07877115160226822, -0.07380487769842148, -0.06985477358102798, -0.06446126103401184, -0.05968606099486351, -0.05390956252813339, -0.047742199152708054, -0.04236552491784096, -0.035725899040699005, -0.028578320518136024, -0.02198958583176136, -0.01592867635190487, -0.009208652190864086, -0.0020078548695892096, 0.005045500583946705, 0.012535885907709599, 0.019611159339547157, 0.027352197095751762, 0.032376933842897415, 0.03828565776348114, 0.044260475784540176, 0.049001894891262054, 0.05374637246131897, 0.05766626447439194, 0.06149422749876976, 0.06368893384933472, 0.06546125560998917, 0.06670480966567993, 0.06745816022157669, 0.06753768771886826, 0.0672190934419632, 0.06681595742702484, 0.06582895666360855, 0.06396590918302536, 0.06226246431469917, 0.06078118458390236, 0.059550751000642776, 0.057571813464164734, 0.056417036801576614, 0.05387834459543228, 0.05090486630797386, 0.048135906457901, 0.046111878007650375, 0.043744876980781555, 0.041489433497190475, 0.03866654261946678, 0.03592381626367569, 0.03315940499305725, 0.029957950115203857, 0.027877427637577057, 0.025435693562030792, 0.024595335125923157, 0.023249274119734764, 0.022882521152496338, 0.02101176604628563, 0.019689200446009636, 0.01908569224178791, 0.019142212346196175, 0.0202149860560894, 0.019805358722805977, 0.02054339274764061, 0.020966701209545135, 0.021949050948023796, 0.023113759234547615, 0.024848146364092827, 0.02662142924964428, 0.027925556525588036, 0.029422080144286156, 0.03051443211734295, 0.03191916644573212, 0.03342224657535553, 0.03462773934006691, 0.03539257496595383, 0.0368407666683197, 0.0382082462310791, 0.03872036188840866, 0.039365287870168686, 0.03984440863132477, 0.040158361196517944, 0.04048991948366165, 0.03995595872402191, 0.03920082747936249, 0.038217466324567795, 0.037591926753520966, 0.03637003153562546, 0.03480544313788414, 0.03316784277558327, 0.03064008615911007, 0.028804263100028038, 0.02657484821975231, 0.02377370558679104, 0.021535145118832588, 0.01853734254837036, 0.01670203171670437, 0.013962379656732082, 0.011400511488318443, 0.009523310698568821, 0.007466763723641634, 0.004879202228039503, 0.0021874690428376198, -0.00024007848696783185, -0.003006358165293932, -0.005456716287881136, -0.007832258939743042, -0.010631556622684002, -0.012910842895507812, -0.015430334024131298, -0.01767456904053688, -0.019320553168654442, -0.02164650522172451, -0.024303371086716652, -0.02662554383277893, -0.027970852330327034, -0.03015574812889099, -0.031766798347234726, -0.03402743861079216, -0.03667200729250908, -0.03912251070141792, -0.04079737514257431, -0.04281138628721237, -0.04498213157057762, -0.046747270971536636, -0.04949475824832916, -0.05185951292514801, -0.05406494066119194, -0.05648300051689148, -0.058422282338142395, -0.06078903749585152, -0.06323233991861343, -0.06512836366891861, -0.06857937574386597, -0.0705440565943718, -0.07259630411863327, -0.07455261796712875, -0.07585624605417252, -0.07750143855810165, -0.07966077327728271, -0.08153451979160309, -0.0827748104929924, -0.08417198061943054, -0.08538498729467392, -0.08607511967420578, -0.08631080389022827, -0.08653141558170319, -0.08578712493181229, -0.08459846675395966, -0.08276297152042389, -0.07969452440738678, -0.07670102268457413, -0.0722421333193779, -0.0678718164563179, -0.06274772435426712, -0.05722924694418907, -0.05127296224236488, -0.04552518203854561, -0.03865986317396164, -0.03245769068598747, -0.025478363037109375, -0.018221059814095497, -0.011206360533833504, -0.004039702471345663, 0.002859818981960416, 0.0097755566239357, 0.016857529059052467, 0.0239946898072958, 0.030241243541240692, 0.03593752905726433, 0.041446149349212646, 0.046572573482990265, 0.05109752342104912, 0.05503000319004059, 0.058647725731134415, 0.061873674392700195, 0.06434473395347595, 0.06619662046432495, 0.06685995310544968, 0.0673336312174797, 0.06719767302274704, 0.06687551736831665, 0.06613380461931229, 0.0646151751279831, 0.06313078850507736, 0.06132224574685097, 0.059747736901044846, 0.057786520570516586, 0.055865246802568436, 0.053589001297950745, 0.05162220075726509, 0.04964281991124153, 0.04717113822698593, 0.04433393478393555, 0.04111663997173309, 0.03863799199461937, 0.03610825538635254, 0.03336242213845253, 0.030594712123274803, 0.027500642463564873, 0.0252470001578331, 0.023184550926089287, 0.02117609977722168, 0.019799618050456047, 0.01880483701825142, 0.01826181821525097, 0.01769009418785572, 0.016735907644033432, 0.01639719493687153, 0.016886625438928604, 0.017194435000419617, 0.017733445391058922, 0.018360236659646034, 0.01883258856832981, 0.020038874819874763, 0.021549521014094353, 0.02322155237197876, 0.02524528279900551, 0.02732277289032936, 0.02881523221731186, 0.030548034235835075, 0.032661113888025284, 0.03445994853973389, 0.035904668271541595, 0.03796688839793205, 0.0387292243540287, 0.03928529471158981, 0.04018134996294975, 0.04042980447411537, 0.04095299541950226, 0.041199468076229095, 0.0411144383251667, 0.040410540997982025, 0.03914599493145943, 0.03845200315117836, 0.036742400377988815, 0.03545214608311653, 0.03418171405792236, 0.03226305916905403, 0.0299163106828928, 0.027694592252373695, 0.025650430470705032, 0.023297369480133057, 0.021203208714723587, 0.01877652108669281, 0.016559727489948273, 0.013695846311748028, 0.011275602504611015, 0.008777384646236897, 0.005656371358782053, 0.003927586134523153, 0.001265676342882216, -0.0009716355707496405, -0.003458063118159771, -0.005787096451967955, -0.007726179901510477, -0.010218118317425251, -0.011798322200775146, -0.013631573878228664, -0.015469537116587162, -0.017059361562132835, -0.019189124926924706, -0.02107594721019268, -0.023195162415504456, -0.02533656544983387, -0.026808500289916992, -0.028286442160606384, -0.030590226873755455, -0.03347726911306381, -0.035912007093429565, -0.03934670239686966, -0.042301107197999954, -0.04513834789395332, -0.04775894805788994, -0.05063256621360779, -0.053668104112148285, -0.05662482976913452, -0.059237152338027954, -0.06196146085858345, -0.06507523357868195, -0.06752251833677292, -0.0699756070971489, -0.0730087086558342, -0.07532022148370743, -0.0782475620508194, -0.08140489459037781, -0.08307888358831406, -0.08554933220148087, -0.08769022673368454, -0.08951328694820404, -0.09157323837280273, -0.09320937097072601, -0.09476342797279358, -0.09554949402809143, -0.09596247225999832, -0.09582734107971191, -0.09541640430688858, -0.09383970499038696, -0.09250137209892273, -0.09055571258068085, -0.08759476244449615, -0.08434007316827774, -0.07908625155687332, -0.07345239073038101, -0.06696698069572449, -0.06157312169671059, -0.05540115013718605, -0.04837538301944733, -0.04193437099456787, -0.035514943301677704, -0.0280985776335001, -0.022252967581152916, -0.01490258052945137, -0.007817786186933517, -0.0016160854138433933, 0.005392095074057579, 0.013406045734882355, 0.020695004612207413, 0.02849898673593998, 0.03525089472532272, 0.04081489145755768, 0.04609161615371704, 0.05173111706972122, 0.05651018023490906, 0.060427531599998474, 0.06280186027288437, 0.06544291973114014, 0.06670921295881271, 0.06788705289363861, 0.06817342340946198, 0.06854414194822311, 0.06880594044923782, 0.06843601167201996, 0.06815692782402039, 0.06695393472909927, 0.06546755880117416, 0.06461998075246811, 0.06352849304676056, 0.062105778604745865, 0.06063072755932808, 0.05840282142162323, 0.05545870587229729, 0.05311262235045433, 0.05034133046865463, 0.047336988151073456, 0.04518519341945648, 0.04189483821392059, 0.03952901437878609, 0.03682781383395195, 0.03348558023571968, 0.03162289783358574, 0.029696770012378693, 0.027972305193543434, 0.02648157626390457, 0.02532762661576271, 0.024441057816147804, 0.02374199777841568, 0.023631878197193146, 0.023533295840024948, 0.023099854588508606, 0.022034192457795143, 0.022069362923502922, 0.021843530237674713, 0.022183097898960114, 0.022397836670279503, 0.023057760670781136, 0.024003352969884872, 0.024519775062799454, 0.02606804668903351, 0.027339383959770203, 0.028942935168743134, 0.031374555081129074, 0.033157382160425186, 0.03499983623623848, 0.036685843020677567, 0.03781742975115776, 0.039188385009765625, 0.040436968207359314, 0.04073693975806236, 0.04120686650276184, 0.041188862174749374, 0.04083344340324402, 0.04081932455301285, 0.04064929112792015, 0.04046494513750076, 0.04047951474785805, 0.03982976824045181, 0.038673222064971924, 0.037646956741809845, 0.036555442959070206, 0.03537975996732712, 0.033723216503858566, 0.03227004408836365, 0.03058791346848011, 0.028085315600037575, 0.026139434427022934, 0.02410539798438549, 0.022290771827101707, 0.020151054486632347, 0.018217118456959724, 0.016368964686989784, 0.014365415088832378, 0.012066995725035667, 0.010557753965258598, 0.008715099655091763, 0.006673495285212994, 0.005102427676320076, 0.0027044881135225296, 5.2486244385363534e-05, -0.0021213062573224306, -0.004355010576546192, -0.006675580982118845, -0.009710504673421383, -0.012051119469106197, -0.014119737781584263, -0.016243206337094307, -0.01826499216258526, -0.020680686458945274, -0.023336311802268028, -0.026492198929190636, -0.02939414419233799, -0.03260941430926323, -0.036017630249261856, -0.04028860852122307, -0.044300325214862823, -0.04809817671775818, -0.05168977752327919, -0.05512375757098198, -0.058537572622299194, -0.061374206095933914, -0.06417150050401688, -0.06648200005292892, -0.06942436099052429, -0.07284259051084518, -0.07596314698457718, -0.07839909195899963, -0.08141116797924042, -0.08422420918941498, -0.08626406639814377, -0.08887729048728943, -0.09115632623434067, -0.09292770177125931, -0.09467916190624237, -0.09662625938653946, -0.09729698300361633, -0.09771494567394257, -0.09819573163986206, -0.09838554263114929, -0.09782633930444717, -0.09568862617015839, -0.09390003979206085, -0.0910649523139, -0.08785318583250046, -0.08484802395105362, -0.0793001726269722, -0.07227133959531784, -0.06545218080282211, -0.05891652777791023, -0.052396200597286224, -0.04596060514450073, -0.03911305218935013, -0.032965466380119324, -0.026498816907405853, -0.02083989791572094, -0.014607498422265053, -0.0077972798608243465, -0.0016210671747103333, 0.00439702533185482, 0.010689325630664825, 0.016633423045277596, 0.02289302460849285, 0.02875172533094883, 0.03267490863800049, 0.03564343973994255, 0.0392831489443779, 0.04283285513520241, 0.04552653431892395, 0.04723227024078369, 0.04821470379829407, 0.048840850591659546, 0.049668844789266586, 0.05013701692223549, 0.04966025799512863, 0.04897814989089966, 0.04793499410152435, 0.04721355065703392, 0.04649581387639046, 0.045678433030843735, 0.044898174703121185, 0.044600632041692734, 0.04384832829236984, 0.04362039268016815, 0.042107176035642624, 0.03980475291609764, 0.03822096809744835, 0.0372423455119133, 0.03568611294031143, 0.03373083844780922, 0.031065599992871284, 0.0290826503187418, 0.02777044288814068, 0.026437662541866302, 0.025821590796113014, 0.025145141407847404, 0.02477281540632248, 0.024746045470237732, 0.02598022110760212, 0.026682399213314056, 0.027961427345871925, 0.028349965810775757, 0.028850967064499855, 0.02945658750832081, 0.028914213180541992, 0.028784120455384254, 0.028531210497021675, 0.02900395542383194, 0.029454678297042847, 0.03037484548985958, 0.030432766303420067, 0.03105738013982773, 0.03270931914448738, 0.034134235233068466, 0.03577159717679024, 0.037437427788972855, 0.03855569288134575, 0.03903992846608162, 0.04006434231996536, 0.040160320699214935, 0.040221624076366425, 0.04066299647092819, 0.04010772332549095, 0.0398646742105484, 0.038860712200403214, 0.03727991506457329, 0.036798376590013504, 0.03693124279379845, 0.03706137463450432, 0.03682735189795494, 0.03535951301455498, 0.033534470945596695, 0.03198198601603508, 0.03133764490485191, 0.030089810490608215, 0.028186948969960213, 0.026249244809150696, 0.02474104054272175, 0.022596905007958412, 0.021117476746439934, 0.01911035366356373, 0.017070049419999123, 0.014861390925943851, 0.014134985394775867, 0.012812178581953049, 0.010992972180247307, 0.009037075564265251, 0.007868879474699497, 0.006711737252771854, 0.005976922810077667, 0.004338141996413469, 0.0017374359304085374, -0.000977752381004393, -0.0027530554216355085, -0.00428449222818017, -0.006625100504606962, -0.009457346983253956, -0.011940845288336277, -0.014827626757323742, -0.017271874472498894, -0.019748730584979057, -0.02283690683543682, -0.02702663466334343, -0.030179455876350403, -0.03327798843383789, -0.037355564534664154, -0.040883876383304596, -0.04490608349442482, -0.04874540492892265, -0.05178673565387726, -0.055943813174963, -0.059070486575365067, -0.06284353137016296, -0.06606026738882065, -0.06843613088130951, -0.07201910763978958, -0.0760122761130333, -0.07983343303203583, -0.08269653469324112, -0.0852385088801384, -0.08671475201845169, -0.08969631791114807, -0.09277095645666122, -0.09412270784378052, -0.09455331414937973, -0.09439171105623245, -0.09553057700395584, -0.09550750255584717, -0.0958632230758667, -0.09488380700349808, -0.09243416041135788, -0.09301606565713882, -0.09118218719959259, -0.08898305147886276, -0.08504140377044678, -0.07614395022392273, -0.07079242914915085, -0.06299454718828201, -0.0572565458714962, -0.048777252435684204, -0.04122386872768402, -0.034760769456624985, -0.028020618483424187, -0.022334739565849304, -0.017413543537259102, -0.010024033486843109, -0.003876984352245927, 0.001697732717730105, 0.007155733648687601, 0.013408547267317772, 0.01755415089428425, 0.02389954775571823, 0.028283949941396713, 0.03260733559727669, 0.03560495004057884, 0.03939024358987808, 0.04241615906357765, 0.04499790817499161, 0.04771345853805542, 0.05032547935843468, 0.05094987154006958, 0.051233064383268356, 0.05085237696766853, 0.05061468109488487, 0.048766981810331345, 0.04924539104104042, 0.049924254417419434, 0.04919681325554848, 0.048835624009370804, 0.04925103485584259, 0.0487288236618042, 0.048622533679008484, 0.049818769097328186, 0.050177037715911865, 0.04976373165845871, 0.04885677993297577, 0.04777078330516815, 0.04630552977323532, 0.04543846845626831, 0.04434363916516304, 0.0428595095872879, 0.041374534368515015, 0.03949202597141266, 0.03929862752556801, 0.038371581584215164, 0.03951346501708031, 0.03965257853269577, 0.04139323905110359, 0.04194509610533714, 0.042586132884025574, 0.0433698371052742, 0.043054670095443726, 0.043057624250650406, 0.04127257689833641, 0.040736228227615356, 0.04173818975687027, 0.04030219465494156, 0.04102007672190666, 0.04021976515650749, 0.03959537297487259, 0.04126955568790436, 0.0430382564663887, 0.043526723980903625, 0.043627094477415085, 0.04517383873462677, 0.04482220113277435, 0.044749949127435684, 0.04556006193161011, 0.04657655954360962, 0.0464358814060688, 0.04601643979549408, 0.046460554003715515, 0.04567590728402138, 0.04497059807181358, 0.0447043776512146, 0.044267985969781876, 0.04354787990450859, 0.041828740388154984, 0.042086899280548096, 0.04124358296394348, 0.040771570056676865, 0.04128453508019447, 0.04106195643544197, 0.04012428969144821, 0.03921927139163017, 0.03766077384352684, 0.03618259355425835, 0.03477146103978157, 0.03309432789683342, 0.031912002712488174, 0.029559426009655, 0.02803276665508747, 0.027595154941082, 0.02546757459640503, 0.02335953153669834, 0.022177986800670624, 0.020052801817655563, 0.01809377409517765, 0.01684543676674366, 0.01597362570464611, 0.013682307675480843, 0.011928102001547813, 0.009398872032761574, 0.006454978603869677, 0.003428422147408128, -9.248871356248856e-05, -0.0026758292224258184, -0.005878148600459099, -0.0089883329346776, -0.011689671315252781, -0.014911238104104996, -0.018095536157488823, -0.02007434144616127, -0.023605577647686005, -0.02792704850435257, -0.0315823070704937, -0.0357244648039341, -0.03931141644716263, -0.04233601689338684, -0.04651781544089317, -0.05095294862985611, -0.05578586831688881, -0.059269871562719345, -0.06253636628389359, -0.06636655330657959, -0.0692695900797844, -0.07291994243860245, -0.07686769217252731, -0.0802803784608841, -0.08377491682767868, -0.08636868745088577, -0.08901182562112808, -0.09034135937690735, -0.0922631174325943, -0.09515697509050369, -0.09749244898557663, -0.0982501357793808, -0.09973511844873428, -0.10056829452514648, -0.09983671456575394, -0.10154510289430618, -0.10119962692260742, -0.10005506128072739, -0.09757674485445023, -0.09477303177118301, -0.09270090609788895, -0.08846817910671234, -0.08265720307826996, -0.07617495208978653, -0.06849512457847595, -0.06272535771131516, -0.05641850829124451, -0.051816731691360474, -0.044049445539712906, -0.03696398064494133, -0.03146252781152725, -0.025675835087895393, -0.01929248683154583, -0.013070650398731232, -0.0066468240693211555, -0.0001668624026933685, 0.004957722965627909, 0.008653378114104271, 0.013993367552757263, 0.018621282652020454, 0.0237797349691391, 0.02753291092813015, 0.031957805156707764, 0.03451787307858467, 0.03703554347157478, 0.03977544978260994, 0.04165791720151901, 0.041642170399427414, 0.04266921058297157, 0.0433807335793972, 0.04355400800704956, 0.04281250759959221, 0.043134935200214386, 0.042988941073417664, 0.04357396066188812, 0.04414521902799606, 0.044220633804798126, 0.04450361803174019, 0.04397636651992798, 0.04419136419892311, 0.04439137130975723, 0.04377700388431549, 0.04297645390033722, 0.04255710542201996, 0.0420297272503376, 0.04177957773208618, 0.041172727942466736, 0.03984988480806351, 0.03923800587654114, 0.038454439491033554, 0.036578647792339325, 0.035999834537506104, 0.03636186569929123, 0.03677604719996452, 0.037552814930677414, 0.038304805755615234, 0.03840239718556404, 0.03803378716111183, 0.03802453726530075, 0.03762136399745941, 0.03702055662870407, 0.03614408150315285, 0.036361608654260635, 0.03572555631399155, 0.035448744893074036, 0.03571931645274162, 0.03557417914271355, 0.035094279795885086, 0.03507393226027489, 0.0350881926715374, 0.03579150140285492, 0.03568090870976448, 0.036848973482847214, 0.036856699734926224, 0.037418898195028305, 0.037890832871198654, 0.03836048021912575, 0.03800943121314049, 0.038279738277196884, 0.03833523765206337, 0.03840380907058716, 0.037909429520368576, 0.037226103246212006, 0.037908826023340225, 0.0373569019138813, 0.03689740598201752, 0.03634534031152725, 0.035719722509384155, 0.035384755581617355, 0.034992869943380356, 0.03465547785162926, 0.033419497311115265, 0.03203081712126732, 0.031884822994470596, 0.030800836160779, 0.029416793957352638, 0.028228430077433586, 0.02655027061700821, 0.025058839470148087, 0.023349380120635033, 0.021715613082051277, 0.019768722355365753, 0.01738663762807846, 0.016147706657648087, 0.01467666495591402, 0.0118185393512249, 0.00960790365934372, 0.0069269645027816296, 0.004990170709788799, 0.0034677220974117517, 0.0005937964888289571, -0.0022403644397854805, -0.00646802457049489, -0.008231941610574722, -0.010119153186678886, -0.012231209315359592, -0.014712091535329819, -0.018754873424768448, -0.022024039179086685, -0.02349768579006195, -0.026802491396665573, -0.029983723536133766, -0.033839814364910126, -0.03770499303936958, -0.04130822420120239, -0.04460115730762482, -0.04763251915574074, -0.05040242150425911, -0.052785083651542664, -0.056466031819581985, -0.05870615318417549, -0.060893069952726364, -0.06551636010408401, -0.06849489361047745, -0.07131422311067581, -0.07502852380275726, -0.0780733972787857, -0.08179411292076111, -0.08416905254125595, -0.08740538358688354, -0.0884723961353302, -0.09067206084728241, -0.09162629395723343, -0.09394645690917969, -0.09382706880569458, -0.092500239610672, -0.09242289513349533, -0.09252423793077469, -0.09466353058815002, -0.09099038690328598, -0.08689790964126587, -0.08334356546401978, -0.07845117151737213, -0.07644619792699814, -0.06836589425802231, -0.06176016107201576, -0.05602851137518883, -0.048830341547727585, -0.044562794268131256, -0.03646770864725113, -0.031796831637620926, -0.02510618232190609, -0.0181882344186306, -0.01320007536560297, -0.006963573396205902, -0.0018153692362830043, 0.003369430545717478, 0.007552552968263626, 0.01364660169929266, 0.01837034709751606, 0.0231404360383749, 0.027234304696321487, 0.031424541026353836, 0.034094568341970444, 0.03592230752110481, 0.03957114741206169, 0.043151501566171646, 0.04350116476416588, 0.044234246015548706, 0.04367782175540924, 0.04481513798236847, 0.04515524208545685, 0.04706964269280434, 0.046825580298900604, 0.04560123383998871, 0.0456220805644989, 0.045326247811317444, 0.045717086642980576, 0.047036200761795044, 0.04791317135095596, 0.04740012064576149, 0.046781230717897415, 0.04693151265382767, 0.047086019068956375, 0.045343346893787384, 0.04572788625955582, 0.04396795108914375, 0.04209580644965172, 0.04152465611696243, 0.041110362857580185, 0.04142145812511444, 0.0414373017847538, 0.04172896593809128, 0.04181424155831337, 0.04158194363117218, 0.04223431646823883, 0.04249676316976547, 0.042636796832084656, 0.04154328629374504, 0.04054398089647293, 0.03958342224359512, 0.039810411632061005, 0.04020288586616516, 0.037596315145492554, 0.037639494985342026, 0.03727124258875847, 0.03663615882396698, 0.03737681731581688, 0.03637418523430824, 0.03670571744441986, 0.03568774461746216, 0.03468998894095421, 0.034631650894880295, 0.03440679982304573, 0.03446075692772865, 0.03416256234049797, 0.03305983170866966, 0.03219195082783699, 0.0315326489508152, 0.03053279034793377, 0.030864818021655083, 0.02989290840923786, 0.027558306232094765, 0.02663964033126831, 0.02474944293498993, 0.025963202118873596, 0.02586430497467518, 0.025417283177375793, 0.024294408038258553, 0.02232542634010315, 0.021203145384788513, 0.020788082852959633, 0.020814506337046623, 0.020156657323241234, 0.018795425072312355, 0.017300495877861977, 0.015432343818247318, 0.014488759450614452, 0.01364644430577755, 0.011898004449903965, 0.010370290838181973, 0.009008252061903477, 0.007889784872531891, 0.005941302981227636, 0.004975099582225084, 0.004154339898377657, 0.0028902001213282347, 0.0002369624562561512, -0.0026655925903469324, -0.004251599311828613, -0.006939645856618881, -0.008446121588349342, -0.010732697322964668, -0.013253580778837204, -0.01644713059067726, -0.020365016534924507, -0.02204037457704544, -0.024045279249548912, -0.02713271602988243, -0.02919924259185791, -0.034219611436128616, -0.036659885197877884, -0.04030948504805565, -0.043881602585315704, -0.04657437279820442, -0.05071438476443291, -0.05322299152612686, -0.05670544505119324, -0.06223846971988678, -0.06351732462644577, -0.06604462116956711, -0.06935121864080429, -0.070925273001194, -0.07412025332450867, -0.08076971769332886, -0.08561328053474426, -0.08485455811023712, -0.08592871576547623, -0.09020119905471802, -0.09192517399787903, -0.09368003904819489, -0.09833905100822449, -0.09701458364725113, -0.0948863998055458, -0.09586615115404129, -0.09845810383558273, -0.09829127788543701, -0.09786785393953323, -0.09547191858291626, -0.0956805869936943, -0.09192285686731339, -0.08682970702648163, -0.0845441222190857, -0.07821422070264816, -0.071751169860363, -0.06935499608516693, -0.06095198169350624, -0.05504341796040535, -0.04817375913262367, -0.043277937918901443, -0.0364743135869503, -0.030542761087417603, -0.026691781356930733, -0.01978098787367344, -0.013912998139858246, -0.0101925665512681, -0.00615911977365613, -0.0007256221142597497, 0.0044071427546441555, 0.008294835686683655, 0.013478215783834457, 0.01870647631585598, 0.021093185991048813, 0.024098899215459824, 0.028821008279919624, 0.030783526599407196, 0.033058494329452515, 0.033723462373018265, 0.03518875688314438, 0.03700031340122223, 0.03679288923740387, 0.03678712248802185, 0.03812657669186592, 0.038060110062360764, 0.04003717005252838, 0.04035810008645058, 0.04200177639722824, 0.04274947941303253, 0.0424475260078907, 0.04363745450973511, 0.04477702081203461, 0.04587747901678085, 0.045742522925138474, 0.04569222778081894, 0.04575809836387634, 0.04447314888238907, 0.04481518268585205, 0.0443885363638401, 0.04290647432208061, 0.043130453675985336, 0.043078236281871796, 0.04212592542171478, 0.04200783371925354, 0.04385992884635925, 0.04333626106381416, 0.04284639656543732, 0.0426216684281826, 0.042779650539159775, 0.04253150895237923, 0.04173656180500984, 0.04181239753961563, 0.04127078503370285, 0.03956610709428787, 0.03967250883579254, 0.0382227785885334, 0.037453580647706985, 0.0368548259139061, 0.03643794730305672, 0.035092052072286606, 0.033938370645046234, 0.03420019522309303, 0.03355984762310982, 0.0345502607524395, 0.033794041723012924, 0.03372598811984062, 0.03310777619481087, 0.0317920483648777, 0.03201558440923691, 0.030731981620192528, 0.02951977401971817, 0.029183657839894295, 0.02767362631857395, 0.02713363617658615, 0.02772469073534012, 0.027766967192292213, 0.02631395310163498, 0.026050835847854614, 0.025165509432554245, 0.02381324954330921, 0.023514658212661743, 0.02309451438486576, 0.023772863671183586, 0.02159842662513256, 0.020892642438411713, 0.020026149228215218, 0.01844351552426815, 0.017920250073075294, 0.018281282857060432, 0.01740829460322857, 0.016494231298565865, 0.014178137294948101, 0.01237030141055584, 0.010514826513826847, 0.010424872860312462, 0.008469737134873867, 0.005786437541246414, 0.0046109906397759914, 0.0026915441267192364, 0.0011050684843212366, -6.94862101227045e-05, -0.0027986427303403616, -0.005191568750888109, -0.008547048084437847, -0.010770421475172043, -0.011504274792969227, -0.013364439830183983, -0.016757186502218246, -0.01983891986310482, -0.022060280665755272, -0.024614961817860603, -0.02665797807276249, -0.028239509090781212, -0.031461309641599655, -0.03364722430706024, -0.03787202015519142, -0.04126056283712387, -0.04316260293126106, -0.04493854194879532, -0.047915298491716385, -0.05138479173183441, -0.05534942448139191, -0.0592317096889019, -0.061686355620622635, -0.06454327702522278, -0.06598212569952011, -0.06832967698574066, -0.07239104062318802, -0.0749271810054779, -0.07689859718084335, -0.07734598964452744, -0.07846792042255402, -0.08166137337684631, -0.08280185610055923, -0.08299030363559723, -0.08220921456813812, -0.08310417085886002, -0.0826137512922287, -0.08538907021284103, -0.08907268941402435, -0.08586817234754562, -0.08147381246089935, -0.08163966238498688, -0.07743052393198013, -0.0718769058585167, -0.06679239124059677, -0.062333788722753525, -0.05662902072072029, -0.05201943218708038, -0.04412788152694702, -0.036705899983644485, -0.02954547293484211, -0.023692546412348747, -0.021828042343258858, -0.014155052602291107, -0.008185788057744503, -0.004119463264942169, 0.0015770257450640202, 0.00492685753852129, 0.007403366733342409, 0.011565551161766052, 0.01876603625714779, 0.02347521297633648, 0.025438303127884865, 0.030178233981132507, 0.03361542895436287, 0.03632516786456108, 0.038909535855054855, 0.040737658739089966, 0.04205470532178879, 0.04356120154261589, 0.04390653595328331, 0.0449817031621933, 0.04329203814268112, 0.04380138963460922, 0.045535217970609665, 0.04469725117087364, 0.045244328677654266, 0.04521689936518669, 0.04462689906358719, 0.04658273234963417, 0.04793223366141319, 0.04892757534980774, 0.04887714982032776, 0.049873996526002884, 0.0502186082303524, 0.047260500490665436, 0.04807780310511589, 0.048190683126449585, 0.04656396806240082, 0.046068646013736725, 0.04533699154853821, 0.045678991824388504, 0.04672933369874954, 0.04742533713579178, 0.047145143151283264, 0.04649930074810982, 0.046004850417375565, 0.04790230467915535, 0.04946444556117058, 0.050160422921180725, 0.04961070790886879, 0.048776887357234955, 0.04787220060825348, 0.047162313014268875, 0.047062210738658905, 0.046350136399269104, 0.04570077359676361, 0.045776914805173874, 0.0428822785615921, 0.04218853637576103, 0.04275946319103241, 0.042931120842695236, 0.043169863522052765, 0.0418887622654438, 0.03971891477704048, 0.038030412048101425, 0.03622795641422272, 0.036334242671728134, 0.03678697720170021, 0.03603068366646767, 0.0332757830619812, 0.031017273664474487, 0.030285552144050598, 0.028297284618020058, 0.027717679738998413, 0.026959018781781197, 0.024249816313385963, 0.02383909747004509, 0.0208934023976326, 0.020062584429979324, 0.020229537039995193, 0.01947658881545067, 0.017988121137022972, 0.016653573140501976, 0.013875550590455532, 0.01152794249355793, 0.010206693783402443, 0.009301451034843922, 0.007973754778504372, 0.00625963369384408, 0.005294291768223047, 0.004242588300257921, 0.0025126070249825716, 0.0010199262760579586, -0.002200620248913765, -0.0023188258055597544, -0.0034093703143298626, -0.005316275637596846, -0.007699102628976107, -0.01033316645771265, -0.01100575178861618, -0.014493084512650967, -0.01720542460680008, -0.018901193514466286, -0.021981827914714813, -0.02306916005909443, -0.025540733709931374, -0.02824811078608036, -0.03049871139228344, -0.03288523480296135, -0.034445442259311676, -0.03626484051346779, -0.03683358430862427, -0.03868182376027107, -0.04065271466970444, -0.044713422656059265, -0.04820462688803673, -0.04851612448692322, -0.049771230667829514, -0.050133515149354935, -0.05380484089255333, -0.05657162144780159, -0.062355827540159225, -0.0642535388469696, -0.06483038514852524, -0.06530129164457321, -0.0672377273440361, -0.06876738369464874, -0.07175885140895844, -0.07045381516218185, -0.07043571770191193, -0.07004278153181076, -0.0741736963391304, -0.07418706268072128, -0.07559861987829208, -0.07767552882432938, -0.07785491645336151, -0.07809177786111832, -0.0771937221288681, -0.07946844398975372, -0.0769663155078888, -0.07743257284164429, -0.07763699442148209, -0.07189491391181946, -0.06496866792440414, -0.05915208160877228, -0.0523221492767334, -0.04966460168361664, -0.04596121236681938, -0.03839291259646416, -0.03298870474100113, -0.026531537994742393, -0.023469053208827972, -0.019344491884112358, -0.01580488309264183, -0.011808070354163647, -0.009167472831904888, -0.0016445039073005319, 0.00143407192081213, 0.003987500444054604, 0.00922419037669897, 0.014445836655795574, 0.018922634422779083, 0.02292381227016449, 0.026103174313902855, 0.02946132980287075, 0.032738227397203445, 0.03336707875132561, 0.035436514765024185, 0.034733399748802185, 0.03520285710692406, 0.03528266027569771, 0.03483780845999718, 0.03414328768849373, 0.03524879738688469, 0.03427089378237724, 0.035671185702085495, 0.03831809386610985, 0.0379827618598938, 0.03905711695551872, 0.039412952959537506, 0.04030296206474304, 0.04058504104614258, 0.04062443971633911, 0.042518116533756256, 0.041215214878320694, 0.04024789109826088, 0.04147524759173393, 0.04216824471950531, 0.04289921745657921, 0.04094500094652176, 0.04114910587668419, 0.039665453135967255, 0.04102710634469986, 0.043695371598005295, 0.044850531965494156, 0.04698158800601959, 0.047190841287374496, 0.04755547642707825, 0.0480797104537487, 0.04739752784371376, 0.04861261695623398, 0.04754570499062538, 0.048274338245391846, 0.04927553981542587, 0.047928567975759506, 0.04633799195289612, 0.044672053307294846, 0.04393059015274048, 0.04425562545657158, 0.04508405551314354, 0.04448946565389633, 0.04383782297372818, 0.041761644184589386, 0.04157256707549095, 0.041423384100198746, 0.04078664630651474, 0.03962672874331474, 0.03653494641184807, 0.03406718373298645, 0.03231021761894226, 0.029923750087618828, 0.02880646102130413, 0.028694085776805878, 0.02706451155245304, 0.026171231642365456, 0.025209834799170494, 0.023776983842253685, 0.023198282346129417, 0.0217797439545393, 0.019799640402197838, 0.020038049668073654, 0.01807757280766964, 0.016006452962756157, 0.01465104054659605, 0.01140054501593113, 0.01197279617190361, 0.010069787502288818, 0.008309177123010159, 0.006996138021349907, 0.003953929059207439, 0.0017533452482894063, 0.0006920272717252374, -0.0009603964281268418, -0.002352308016270399, -0.004538702312856913, -0.006937070284038782, -0.008547530509531498, -0.010424152947962284, -0.011951726861298084, -0.013841750100255013, -0.016987938433885574, -0.019201844930648804, -0.01941453479230404, -0.01992619037628174, -0.022551441565155983, -0.027411749586462975, -0.030361926183104515, -0.033562399446964264, -0.034165579825639725, -0.034179795533418655, -0.03750636428594589, -0.039443325251340866, -0.040479324758052826, -0.04516855254769325, -0.04591379687190056, -0.050554919987916946, -0.050709307193756104, -0.05550873652100563, -0.058138828724622726, -0.06048819050192833, -0.06163322925567627, -0.06059086695313454, -0.06214837729930878, -0.0641152486205101, -0.06662187725305557, -0.07066728919744492, -0.07062841951847076, -0.07538851350545883, -0.07540079206228256, -0.07803266495466232, -0.08102363348007202, -0.08202487975358963, -0.08563888072967529, -0.08412781357765198, -0.08428646624088287, -0.0819450244307518, -0.08352425694465637, -0.08601954579353333, -0.08376907557249069, -0.08526323735713959, -0.08517837524414062, -0.08944138884544373, -0.09411584585905075, -0.08949225395917892, -0.08786816149950027, -0.08328432589769363, -0.08336963504552841, -0.08287062495946884, -0.07870081067085266, -0.07236652076244354, -0.06030126288533211, -0.05439908057451248, -0.05295831710100174, -0.04938799515366554, -0.0445149689912796, -0.036999527364969254, -0.029423892498016357, -0.02534041926264763, -0.022349661216139793, -0.021237550303339958, -0.020177418366074562, -0.010746259242296219, -0.004524234216660261, 0.000440858188085258, 0.004313310142606497, 0.005532854236662388, 0.010915039107203484, 0.014873220585286617, 0.019341370090842247, 0.0274814460426569, 0.03011520951986313, 0.03247484564781189, 0.032611578702926636, 0.0358857661485672, 0.03858203813433647, 0.038405854254961014, 0.04097697511315346, 0.04223894327878952, 0.04415145143866539, 0.04412277415394783, 0.043967947363853455, 0.046880073845386505, 0.0481717623770237, 0.05014611408114433, 0.051366377621889114, 0.050194934010505676, 0.05104202777147293, 0.05271044746041298, 0.05607421696186066, 0.05698482692241669, 0.056842874735593796, 0.05520743131637573, 0.05489936098456383, 0.057226017117500305, 0.05597824230790138, 0.054946526885032654, 0.05566904693841934, 0.05489183962345123, 0.05522259697318077, 0.054282620549201965, 0.05371277034282684, 0.053179483860731125, 0.05115986242890358, 0.050871629267930984, 0.0511237233877182, 0.05154021084308624, 0.050704844295978546, 0.05007987469434738, 0.05076593533158302, 0.048883773386478424, 0.0447317399084568, 0.04141165688633919, 0.03951027989387512, 0.038666922599077225, 0.03990737721323967, 0.040009938180446625, 0.03662828356027603, 0.03474364057183266, 0.03312995657324791, 0.03457487374544144, 0.035236161202192307, 0.03380126878619194, 0.033575620502233505, 0.03131595999002457, 0.030565151944756508, 0.02783200703561306, 0.023436807096004486, 0.02242780104279518, 0.02094370312988758, 0.020975418388843536, 0.02042394131422043, 0.0170856062322855, 0.014544658362865448, 0.012918620370328426, 0.010605423711240292, 0.010303559713065624, 0.009153333492577076, 0.009720948524773121, 0.007391966413706541, 0.005554727744311094, 0.0038760497700423002, 0.002446622122079134, 0.0036272441502660513, 0.0017378958873450756, -0.0018618815811350942, -0.0028809956274926662, -0.0064720273949205875, -0.0073723685927689075, -0.007112752180546522, -0.007964915595948696, -0.00935632735490799, -0.011195650324225426, -0.012193954549729824, -0.014034162275493145, -0.017313072457909584, -0.016795221716165543, -0.01579873263835907, -0.016729066148400307, -0.01799014024436474, -0.020740648731589317, -0.02496589906513691, -0.02559622935950756, -0.028705991804599762, -0.029116027057170868, -0.02901040017604828, -0.033478204160928726, -0.03428967297077179, -0.03549424931406975, -0.03374406695365906, -0.034421760588884354, -0.03972107917070389, -0.0410519540309906, -0.04118921980261803, -0.038840603083372116, -0.03983122110366821, -0.04613104462623596, -0.045973993837833405, -0.045009057968854904, -0.04532141983509064, -0.04658407345414162, -0.048168644309043884, -0.05081558600068092, -0.04768356680870056, -0.04731876403093338, -0.051147326827049255, -0.05514081194996834, -0.05725422501564026, -0.054988160729408264, -0.0545697845518589, -0.05785268917679787, -0.06056174635887146, -0.063808873295784, -0.06146008148789406, -0.06031772866845131, -0.06336597353219986, -0.06467161327600479, -0.06826149672269821, -0.06690329313278198, -0.06699759513139725, -0.06709443777799606, -0.06561537086963654, -0.06507765501737595, -0.06645026803016663, -0.06374426931142807, -0.06394429504871368, -0.06170329451560974, -0.06166279315948486, -0.05906085669994354, -0.05315420776605606, -0.048948343843221664, -0.045185916125774384, -0.040797531604766846, -0.04128611087799072, -0.03754151985049248, -0.03417960926890373, -0.02868260256946087, -0.021870311349630356, -0.017955724149942398, -0.014595214277505875, -0.010501202195882797, -0.005846207961440086, -0.002972865477204323, 0.0006947364308871329, 0.004945721011608839, 0.007462969049811363, 0.011911296285688877, 0.017281776294112206, 0.02147941291332245, 0.02591886930167675, 0.029488764703273773, 0.03298559412360191, 0.03539590165019035, 0.03746212646365166, 0.03995644301176071, 0.04209373891353607, 0.04588611051440239, 0.05064749717712402, 0.05202089995145798, 0.05313384532928467, 0.055183663964271545, 0.05557117238640785, 0.05852339044213295, 0.06215442344546318, 0.06518521904945374, 0.06861289590597153, 0.07201168686151505, 0.07276523858308792, 0.07377232611179352, 0.07327940315008163, 0.07369712740182877, 0.07364992797374725, 0.0740126222372055, 0.07247347384691238, 0.07249142974615097, 0.07208363711833954, 0.07289061695337296, 0.07230556756258011, 0.07133819907903671, 0.07090412080287933, 0.07093052566051483, 0.07069868594408035, 0.06986793130636215, 0.06878070533275604, 0.06879309564828873, 0.06672678142786026, 0.06293561309576035, 0.060781627893447876, 0.05631549283862114, 0.052662044763565063, 0.051366910338401794, 0.0481141060590744, 0.047470640391111374, 0.04555820673704147, 0.04207393899559975, 0.041072357445955276, 0.037737686187028885, 0.03788653761148453, 0.036651331931352615, 0.03436095267534256, 0.03472086042165756, 0.03356635197997093, 0.03156355768442154, 0.03098776936531067, 0.026642078533768654, 0.02400364726781845, 0.022049952298402786, 0.019140295684337616, 0.01569519005715847, 0.013276392593979836, 0.010687844827771187, 0.011799827218055725, 0.013134324923157692, 0.01440893393009901, 0.014959373511373997, 0.01295845489948988, 0.011199235916137695, 0.009280651807785034, 0.0073076169937849045, 0.004508563317358494, -0.003906718920916319, -0.010409767739474773, -0.008531536906957626, -0.002868183422833681, -0.00047913819435052574, -0.0004613870696630329, -0.006610374432057142, -0.015398510731756687, -0.02113226242363453, -0.021109923720359802, -0.012815270572900772, -0.007362674456089735, -0.012361260131001472, -0.020869167521595955, -0.03238631784915924, -0.03486785665154457, -0.03447534516453743, -0.03475864231586456, -0.03692721202969551, -0.040666669607162476, -0.039737243205308914, -0.03455867990851402, -0.024203358218073845, -0.016931554302573204, -0.01801169477403164, -0.023094935342669487, -0.02726062200963497, -0.02691560611128807, -0.022707102820277214, -0.018568990752100945, -0.01713932864367962, -0.019388779997825623, -0.024566413834691048, -0.03330470621585846, -0.04353579506278038, -0.04985915496945381, -0.048875823616981506, -0.04474398493766785, -0.04179970920085907, -0.040480975061655045, -0.04425156116485596, -0.04876961186528206, -0.05113697424530983, -0.05195353925228119, -0.051217127591371536, -0.04708690196275711, -0.04466741904616356, -0.04250212013721466, -0.04311065375804901, -0.04392725229263306, -0.043259572237730026, -0.04916461184620857, -0.051950518041849136, -0.05273880437016487, -0.04859454557299614, -0.041813019663095474, -0.03980237618088722, -0.04021225869655609, -0.04447811096906662, -0.04890725761651993, -0.045606762170791626, -0.04398276284337044, -0.04156094044446945, -0.04307202994823456, -0.04296606779098511, -0.04019589722156525, -0.037488263100385666, -0.03852398693561554, -0.043515197932720184, -0.04832293838262558, -0.04743976145982742, -0.04375499114394188, -0.038730669766664505, -0.033246077597141266, -0.031869422644376755, -0.03425361588597298, -0.035738505423069, -0.03728821873664856, -0.034932322800159454, -0.030268462374806404, -0.027128059417009354, -0.02419496700167656, -0.02453947253525257, -0.02316412329673767, -0.022298458963632584, -0.02268226072192192, -0.020993757992982864, -0.0198452677577734, -0.016343405470252037, -0.009830961003899574, -0.003016252303496003, 0.0017229823861271143, 0.005185261368751526, 0.00778339384123683, 0.012494181282818317, 0.014768715016543865, 0.0196274071931839, 0.024804256856441498, 0.026430297642946243, 0.028264692053198814, 0.029482990503311157, 0.03101055510342121, 0.0285272728651762, 0.026669012382626534, 0.028212644159793854, 0.029780814424157143, 0.03359898552298546, 0.03490253537893295, 0.03699380159378052, 0.03764132410287857, 0.040022190660238266, 0.0423889197409153, 0.045041441917419434, 0.04869750142097473, 0.05036287382245064, 0.052583396434783936, 0.053885675966739655, 0.05401415005326271, 0.05635493993759155, 0.05766850337386131, 0.05879407003521919, 0.05694121494889259, 0.056596338748931885, 0.05832545831799507, 0.059208571910858154, 0.05927198752760887, 0.05934460833668709, 0.05901750549674034, 0.056796640157699585, 0.05644359067082405, 0.05339808389544487, 0.054222214967012405, 0.054065898060798645, 0.05447579175233841, 0.05390328913927078, 0.05081958696246147, 0.051655955612659454, 0.04987704008817673, 0.04711398482322693, 0.04519849643111229, 0.042519524693489075, 0.043292272835969925, 0.04358484223484993, 0.040168602019548416, 0.0358438603579998, 0.03262868523597717, 0.029516397044062614, 0.028402477502822876, 0.02502303011715412, 0.021126002073287964, 0.02107292413711548, 0.02053355798125267, 0.023166220635175705, 0.02261892706155777, 0.01754504069685936, 0.01507528219372034, 0.011536666192114353, 0.011205282062292099, 0.012690545059740543, 0.01625559851527214, 0.017272187396883965, 0.011934451758861542, 0.0034618566278368235, -0.00011077887756982818, 0.0019752138759940863, 0.006431865505874157, 0.006017700769007206, 0.0019342590821906924, -0.0019557673949748278, -0.00015342942788265646, -0.0014751392882317305, -0.004080942366272211, -0.009729515761137009, -0.009732463397085667, -0.0054961941204965115, -0.005961407907307148, -0.010068658739328384, -0.01516682282090187, -0.014109384268522263, -0.010993030853569508, -0.01126532070338726, -0.012211468070745468, -0.010903776623308659, -0.007593553978949785, -0.00884129386395216, -0.010596880689263344, -0.011537596583366394, -0.007428936660289764, -0.00570044107735157, -0.007296172436326742, -0.01009350549429655, -0.0115751251578331, -0.008599616587162018, -0.006459466647356749, -0.005616321228444576, -0.007900022901594639, -0.01063433475792408, -0.009813014417886734, -0.007593393325805664, -0.0046727778390049934, -0.004653412848711014, -0.00567576615139842, -0.0051731024868786335, -0.0068647670559585094, -0.005343939643353224, -0.004491052124649286, -0.00387566233985126, -0.0069140177220106125, -0.007223890628665686, -0.00887542124837637, -0.007877527736127377, -0.007939769886434078, -0.008792939595878124, -0.009955838322639465, -0.01231578178703785, -0.010859299451112747, -0.010019946843385696, -0.011455838568508625, -0.013653779402375221, -0.014240376651287079, -0.013077161274850368, -0.010667734779417515, -0.011031386442482471, -0.015495453029870987, -0.019458219408988953, -0.02084452658891678, -0.014445996843278408, -0.008180300705134869, -0.008838611654937267, -0.013622083701193333, -0.021491041406989098, -0.020934738218784332, -0.018599968403577805, -0.015205510891973972, -0.011791062541306019, -0.015868423506617546, -0.01942860148847103, -0.022261623293161392, -0.02344626933336258, -0.02178926020860672, -0.02258346602320671, -0.02349746786057949, -0.024624312296509743, -0.022143833339214325, -0.01921573281288147, -0.016336431726813316, -0.01729721948504448, -0.020007893443107605, -0.021096086129546165, -0.020704371854662895, -0.01830170303583145, -0.016241056844592094, -0.015472021885216236, -0.017461204901337624, -0.021518439054489136, -0.021228671073913574, -0.01990153081715107, -0.019649866968393326, -0.020072411745786667, -0.01869928278028965, -0.012055952101945877, -0.0063899485394358635, -0.005774570629000664, -0.006840812042355537, -0.008453830145299435, -0.006008328404277563, -0.00328437564894557, -0.0006180145428515971, -0.0005835907650180161, -0.0016303318552672863, -0.003113941289484501, -0.0024540869053453207, -0.0016882913187146187, -0.0031304890289902687, -0.00390778249129653, -0.0032912883907556534, 0.0006936665740795434, 0.005542859435081482, 0.009628639556467533, 0.013196106068789959, 0.00972464308142662, 0.007568992208689451, 0.006200843024998903, 0.012077528983354568, 0.018218105658888817, 0.01987846940755844, 0.018684344366192818, 0.0152394725009799, 0.012967709451913834, 0.013874094001948833, 0.017621269449591637, 0.02123119868338108, 0.02220219559967518, 0.02232765592634678, 0.02379344031214714, 0.02525397203862667, 0.021850984543561935, 0.020454198122024536, 0.019963329657912254, 0.021585891023278236, 0.02064758539199829, 0.019591256976127625, 0.020991619676351547, 0.0191099401563406, 0.017052266746759415, 0.0170319601893425, 0.017516516149044037, 0.0227489173412323, 0.023435669019818306, 0.021788664162158966, 0.02018934115767479, 0.019856764003634453, 0.01707320101559162, 0.017752444371581078, 0.019681783393025398, 0.019264405593276024, 0.015205763280391693, 0.012283618561923504, 0.01059784460812807, 0.011324350722134113, 0.009741122834384441, 0.010680969804525375, 0.009883172810077667, 0.008628836832940578, 0.00908060185611248, 0.011601919308304787, 0.01249887514859438, 0.011888865381479263, 0.006284629926085472, 0.00485776923596859, 0.006211163010448217, 0.008086279965937138, 0.006893716286867857, 0.005264942534267902, 0.003860664553940296, 0.00311620463617146, 0.0022332784719765186, -0.000449713523266837, -0.003946819342672825, -0.004819892812520266, -0.0015078330179676414, -0.0013068466214463115, -0.0021533076651394367, -0.004407435655593872, -0.007038112264126539, -0.0074272905476391315, -0.007102701347321272, -0.010119810700416565, -0.008559011854231358, -0.005435209721326828, -0.0015986872604116797, -0.0018327371217310429, -0.005429381970316172, -0.007655521389096975, -0.008325734175741673, -0.009357853792607784, -0.006551102269440889, -0.004224496893584728, -0.005222147796303034, -0.006889980286359787, -0.008736330084502697, -0.009668221697211266, -0.007737557869404554, -0.01102500595152378, -0.011885765939950943, -0.0073189339600503445, -0.0038352515548467636, -0.0004684547893702984, -0.0007665305747650564, -0.002111088251695037, -0.008097031153738499, -0.011430841870605946, -0.009561433456838131, -0.006166018079966307, -0.0028466384392231703, -0.008301091380417347, -0.012135724537074566, -0.015131686814129353, -0.017094790935516357, -0.014565393328666687, -0.01728280633687973, -0.012577869929373264, -0.010386629030108452, -0.009977113455533981, -0.009676911868155003, -0.010042862966656685, -0.009158753789961338, -0.008775106631219387, -0.006812557112425566, -0.005173194222152233, -0.005164859350770712, -0.005590005777776241, -0.0075514353811740875, -0.008050746284425259, -0.01080610416829586, -0.014358039945363998, -0.017319615930318832, -0.016614051535725594, -0.01275147870182991, -0.014110772870481014, -0.0145608214661479, -0.01644010841846466, -0.01879274658858776, -0.01724260114133358, -0.013995733112096786, -0.011178506538271904, -0.013054486364126205, -0.014970705844461918, -0.014072567224502563, -0.014702691696584225, -0.015827341005206108, -0.017961643636226654, -0.019260933622717857, -0.021272851154208183, -0.02292543835937977, -0.02296861819922924, -0.019547633826732635, -0.018723012879490852, -0.02201179414987564, -0.026004638522863388, -0.02358710579574108, -0.019296759739518166, -0.015708012506365776, -0.012002910487353802, -0.011096888221800327, -0.01181919127702713, -0.0149244898930192, -0.015500159002840519, -0.01347324438393116, -0.014049523510038853, -0.01293419674038887, -0.014519034884870052, -0.014651636593043804, -0.017838360741734505, -0.022292708978056908, -0.02064531482756138, -0.021086670458316803, -0.02305232174694538, -0.024957699701189995, -0.02082655392587185, -0.017606986686587334, -0.016807813197374344, -0.01758217252790928, -0.020046664401888847, -0.01843555085361004, -0.013181136921048164, -0.008124947547912598, -0.005006808787584305, -0.006187216378748417, -0.007837329991161823, -0.009270274080336094, -0.0048983218148350716, -0.0024446018505841494, -0.0031996779143810272, -0.004946388304233551, -0.0031707249581813812, -0.0013385091442614794, -0.004854621831327677, -0.007614317815750837, -0.0056892260909080505, -0.003127617994323373, -0.0026919508818536997, -0.005114291328936815, -0.0022090987768024206, -0.00019586729467846453, -0.0004989600856788456, -0.0020308264065533876, 0.0015574103454127908, 0.0025749607011675835, 0.001780021353624761, 0.004539841320365667, 0.0022254425566643476, 0.0001657413667999208, -0.00034220286761410534, 0.0031449459493160248, 0.001170227536931634, -0.003650134662166238, 0.0012217732146382332, -0.0005482248961925507, -0.004154528025537729, -0.0028641640674322844, 0.0021331817843019962, 0.004047317896038294, -0.0006013521924614906, 0.0023986308369785547, 0.006234290078282356, 0.004613236524164677, 0.0027004110161215067, 0.009443358518183231, 0.013355489820241928, 0.010941295884549618, 0.007174406200647354, 0.009119568392634392, 0.01120190043002367, 0.007842590101063251, 0.0070342556573450565, 0.010516411624848843, 0.009651527740061283, 0.008521668612957, 0.009867161512374878, 0.012007098644971848, 0.0052083334885537624, 0.0024139899760484695, 0.009463228285312653, 0.013254903256893158, 0.014334327541291714, 0.01387795154005289, 0.012628462165594101, 0.00833431538194418, 0.0052914973348379135, 0.011146788485348225, 0.015731489285826683, 0.01809053122997284, 0.013135562650859356, 0.009614625945687294, 0.010597728192806244, 0.012700882740318775, 0.017309805378317833, 0.013005727902054787, 0.009586787782609463, 0.008690159767866135, 0.009406055323779583, 0.01680314913392067, 0.014692365191876888, 0.008968273177742958, 0.0007965608383528888, 0.0013599377125501633, 0.005509452894330025, 0.00792947132140398, 0.01072316337376833, 0.005564672872424126, 0.002606673166155815, 0.0019442684715613723, 0.0014481303514912724, 0.004733351059257984, 0.00562662910670042, 0.008614132180809975, 0.003918513655662537, -0.0001684325106907636, -0.0006605510716326535, 0.0032095552887767553, 0.003656210610643029, 0.0006546285003423691, -0.001454155775718391, -0.004557063337415457, -0.001891363994218409, 8.413755131186917e-05, -0.0035024506505578756, -0.0065927342511713505, -0.00854635238647461, -0.006459121126681566, -0.00388250220566988, -0.0012397400569170713, -0.005299359560012817, -0.007491299882531166, -0.010630526579916477, -0.007216629106551409, -0.004445456899702549, -0.002670716028660536, -0.0030053756199777126, -0.008400531485676765, -0.01162734441459179, -0.011385188437998295, -0.006062992382794619, -0.005162564106285572, -0.009535005316138268, -0.011318659409880638, -0.011426795274019241, -0.008892589248716831, -0.012277133762836456, -0.012786269187927246, -0.01223866268992424, -0.01288704201579094, -0.010514197871088982, -0.008049492724239826, -0.0038155142683535814, -0.010194923728704453, -0.01335219293832779, -0.016496526077389717, -0.012308998964726925, -0.008044888265430927, -0.0036221931222826242, -0.003372449427843094, -0.009050698950886726, -0.012846545316278934, -0.014729469083249569, -0.011645235121250153, -0.00446369918063283, -0.004586287774145603, -0.003306004451587796, -0.004714026581496, -0.007973388768732548, -0.012081236578524113, -0.008811007253825665, -0.002565497998148203, -0.001238812692463398, -0.003433997742831707, -0.0035428672563284636, -0.0023073614574968815, -0.004887097515165806, -0.002794747008010745, -0.0008866493590176105, -0.002874904777854681, -0.0004665306769311428, 0.0009532013791613281, 0.003404283430427313, -0.001103610498830676, -0.004728883504867554, -0.0014274428831413388, 0.002793354680761695, 0.008098701946437359, 0.005468043033033609, 0.004504673648625612, 0.0017198171699419618, 0.002774799708276987, 0.005248049274086952, 0.004935879725962877, 0.00788309145718813, 0.005614131223410368, 0.005023625213652849, 0.00023626390611752868, -0.0004894632729701698, 0.006184730678796768, 0.007260492537170649, 0.002890960546210408, -0.002089404733851552, 0.0018641481874510646, 0.0047620139084756374, 0.007326099555939436, 0.007025277707725763, 0.002522719092667103, 0.003984801471233368, 0.003789641661569476, 0.004865807481110096, 0.0025906770024448633, 0.0030127849895507097, 0.004120280034840107, 0.003208207432180643, -0.002407721010968089, -0.007298250682651997, -0.0034752360079437494, -0.0012058904394507408, 0.0011778885964304209, -0.0012780174147337675, -0.00237655290402472, 0.0013450721744447947, 0.002408527070656419, 0.002058836165815592, 0.0027475564274936914, 0.0031157934572547674, 0.004632134921848774, 0.004013680387288332, 0.0022797982674092054, 0.0030914864037185907, 0.0036095816176384687, -6.482470780611038e-05, 0.0024956976994872093, 0.005249775014817715, 0.007883802987635136, 0.009615186601877213, 0.009519316256046295, 0.00819337461143732, 0.006616206839680672, 0.008978093974292278, 0.010579459369182587, 0.012007110752165318, 0.00981686171144247, 0.004090678412467241, 0.0006977411103434861, 0.0004347442009020597, 0.005063557997345924, 0.002852862235158682, -0.000528117991052568, -0.0013877471210435033, -0.00041042579687200487, 0.0007334542460739613, 0.0026823871303349733, 0.003711257828399539, 0.003598187118768692, 0.0039466614834964275, 0.004528109449893236, 0.008085117675364017, 0.010082407854497433, 0.008533267304301262, 0.00817456841468811, 0.007092672400176525, 0.006625819951295853, 0.006550711113959551, 0.007853432558476925, 0.007327251136302948, 0.005989017430692911, 0.006692508235573769, 0.013281033374369144, 0.012903493829071522, 0.008958959951996803, 0.006288536358624697, 0.005490515381097794, 0.00643787020817399, 0.00681171752512455, 0.007729704957455397, 0.006592048332095146, 0.0057175494730472565, 0.001847900915890932, -0.004336419049650431, -0.003982340916991234, -0.0012913597747683525, 0.0020260417368263006, 0.002113002585247159, -0.0012765324208885431, -0.0018643251387402415, -0.0029945685528218746, -0.003651948645710945, -0.006279308348894119, 0.0027302303351461887, 0.0017859614454209805, 0.0026917632203549147, -0.0027744369581341743, -0.005213197320699692, -0.0028625489212572575, -0.004002014175057411, -0.0012689351569861174, -0.0027157084550708532, -0.00712050823494792, -0.005596250295639038, -0.005919888149946928, -0.0023429058492183685, -0.0011362162185832858, -0.0037875811103731394, -0.005865545477718115, -0.007688814774155617, -0.005514993332326412, -0.003769462928175926, 0.0009504346526227891, -0.004085568245500326, -0.007515052333474159, -0.006354730110615492, -0.0037300025578588247, -0.00313701294362545, -0.007951575331389904, -0.005948338657617569, -0.007158289197832346, -0.008827093988656998, -0.005105023272335529, -0.007776973303407431, -0.0074489121325314045, -0.008252477273344994, -0.005511877592653036, -0.004841736983507872, -0.003562961472198367, -0.003024069359526038, -0.003527550958096981, -0.0006619803607463837, 0.0023044480476528406, 0.0045542423613369465, 0.0016460367478430271, 0.0006319985259324312, 0.000794462685007602, 0.0026424326933920383, 0.0066849905997514725, 0.007006974890828133, 0.0065264212898910046, 0.003707379335537553, 0.004663559142500162, 0.004841227550059557, 0.006184263154864311, 0.007212508004158735, 0.0033703013323247433, 0.004940060433000326, 0.007808532100170851, 0.009136348962783813, 0.007813560776412487, 0.006494959816336632, 0.011276127770543098, 0.012388591654598713, 0.013091059401631355, 0.012464072555303574, 0.01761435531079769, 0.018687186762690544, 0.01585356332361698, 0.012155381962656975, 0.010815974324941635, 0.016865909099578857, 0.016028525307774544, 0.01680547185242176, 0.014566280879080296, 0.010964138433337212, 0.011685200035572052, 0.013810861855745316, 0.015020898543298244, 0.01484063733369112, 0.012958623468875885, 0.016736112534999847, 0.019449716433882713, 0.025994330644607544, 0.020991912111639977, 0.021754508838057518, 0.020984569564461708, 0.02587822452187538, 0.02738223969936371, 0.025856057181954384, 0.026958821341395378, 0.026381855830550194, 0.02287771925330162, 0.022828703746199608, 0.022395769134163857, 0.02058553136885166, 0.023290563374757767, 0.023646581918001175, 0.02292674593627453, 0.024854743853211403, 0.027022987604141235, 0.02360674925148487, 0.023130254819989204, 0.023093970492482185, 0.025952201336622238, 0.02843601629137993, 0.02833491563796997, 0.025904033333063126, 0.024226345121860504, 0.02028638683259487, 0.030212877318263054, 0.024947982281446457, 0.020131945610046387, 0.021625498309731483, 0.01872941665351391, 0.02088724449276924, 0.015112134627997875, 0.013756837695837021, 0.01507449522614479, 0.01007507462054491, 0.008114415220916271, 0.009388457983732224, 0.013391673564910889, 0.013264711946249008, 0.00732230581343174, 0.0069308034144341946, 0.003268703119829297, 0.00732322596013546, 0.009277443401515484, 0.016357889398932457, 0.011897954158484936, 0.005308943800628185, 0.006393836811184883, 0.003265854436904192, 0.0019022856140509248, 0.007303331047296524, 0.005383909214287996, 0.0011429591104388237, -0.004339978564530611, -0.006560154724866152, -0.004667606670409441, -0.0037812863010913134, -0.011389927938580513, -0.01234770193696022, -0.008746794424951077, -0.00482799019664526, -0.0032608916517347097, -0.009924360550940037, -0.010054484009742737, -0.011305059306323528, -0.007212365046143532, -0.004173098132014275, 0.0019635725766420364, -0.001138645107857883, -0.0072566126473248005, -0.010325525887310505, -0.008506172336637974, 0.0014338394394144416, 0.0015685666585341096, -0.0031357465777546167, -0.007188236340880394, -0.013028731569647789, -0.008561879396438599, -0.004700531251728535, -0.003971165046095848, -0.004081629682332277, -0.006287106312811375, -0.004107256885617971, -0.0024437846150249243, -0.0009963159682229161, -0.005157015286386013, -0.0065594566985964775, -0.004053180105984211, -0.0024945694021880627, -0.00047949390136636794, -0.004311737604439259, -0.00312977796420455, -0.001805282081477344, -0.0030391712207347155, -0.0024641938507556915, -0.005563683342188597, -0.003477353835478425, -0.003990136086940765, -0.010174645110964775, -0.010858988389372826, -0.010089041665196419, -0.006015887949615717, -0.00563036696985364, -0.0039051270578056574, -0.01325387042015791, -0.012883576564490795, -0.009431303478777409, -0.008014781400561333, 0.0006821472779847682, -0.005315020680427551, -0.00469822995364666, -0.006425390485674143, -0.013421937823295593, -0.008022417314350605, -0.00771190645173192, -0.001234527793712914, -0.004393631126731634, -0.004188275430351496, -0.011608821339905262, -0.010070828720927238, -0.008216938003897667, -0.010163581930100918, -0.004538201726973057, -0.012108510360121727, -0.010453946888446808, -0.007909761741757393, -0.013314340263605118, -0.009961966425180435, -0.012348134070634842, -0.011126050725579262, -0.015506071038544178, -0.011888680048286915, -0.014860025607049465, -0.013663828372955322, -0.009614821523427963, -0.007634113077074289, -0.005381145514547825, -0.015186522156000137, -0.00579921156167984, -0.001300076488405466, 0.0006172179710119963, -0.0015350012108683586, -0.00285866460762918, 0.004466536920517683, -0.0006259435322135687, -0.0017108996398746967, -0.0014289554674178362, 0.0035220638383179903, 0.0009458991698920727, -0.00234149768948555, 0.006438384763896465, 0.0062107848934829235, 0.010016062296926975, 0.010707035660743713, 0.00999358482658863, 0.0121592553332448, 0.011991100385785103, 0.029279671609401703, 0.0318421870470047, 0.03227382153272629, 0.027388744056224823, 0.024623753502964973, 0.030116580426692963, 0.03150447830557823, 0.037783969193696976, 0.03895257040858269, 0.03825163468718529, 0.03587552532553673, 0.02653161808848381, 0.03029755689203739, 0.03345781937241554, 0.03789921849966049, 0.04369690269231796, 0.041514329612255096, 0.04590274766087532, 0.04308052361011505, 0.0425092913210392, 0.044729188084602356, 0.046080999076366425, 0.04697674140334129, 0.04505970701575279, 0.045069240033626556, 0.04984619840979576, 0.04569004476070404, 0.04095499590039253, 0.032965220510959625, 0.03367522731423378, 0.037412773817777634, 0.03384845703840256, 0.03401203826069832, 0.035233620554208755, 0.0327354371547699, 0.027373744174838066, 0.023864075541496277, 0.0270523801445961, 0.029206959530711174, 0.026519473642110825, 0.023548688739538193, 0.019409682601690292, 0.01450605783611536, 0.012850742787122726, 0.013631017878651619, 0.012531000189483166, 0.0070167467929422855, 0.008143913932144642, 0.009817421436309814, 0.010293466970324516, 0.003924469463527203, 0.0008469781605526805, -0.004355718847364187, -0.004733620677143335, -0.00783529132604599, 0.000386745115974918, -0.0031280959956347942, -0.003271922469139099, -0.018768472597002983, -0.022439420223236084, -0.01939459890127182, -0.008723161183297634, -0.006028102245181799, -0.011897759512066841, -0.01844792626798153, -0.024159826338291168, -0.023356523364782333, -0.015794500708580017, -0.01470224466174841, -0.019346805289387703, -0.021057965233922005, -0.0286154393106699, -0.02669617161154747, -0.028657319024205208, -0.02754335291683674, -0.02962557226419449, -0.03151195868849754, -0.03297046199440956, -0.0364784300327301, -0.031044529750943184, -0.023501193150877953, -0.024791311472654343, -0.025744806975126266, -0.030820706859230995, -0.028033532202243805, -0.020972715690732002, -0.019674496725201607, -0.01872609369456768, -0.0240936316549778, -0.0255599208176136, -0.028183236718177795, -0.02414054051041603, -0.01849326677620411, -0.021493062376976013, -0.025868961587548256, -0.027516620233654976, -0.02830948680639267, -0.025621237233281136, -0.028982048854231834, -0.03037954308092594, -0.03205189108848572, -0.03375830873847008, -0.03188192471861839, -0.02976986952126026, -0.02847972698509693, -0.033724237233400345, -0.038204461336135864, -0.034326232969760895, -0.03079269267618656, -0.026172107085585594, -0.026705706492066383, -0.030263349413871765, -0.03015676885843277, -0.030277414247393608, -0.023839561268687248, -0.022279685363173485, -0.02816610038280487, -0.02996768057346344, -0.030337577685713768, -0.03100748360157013, -0.027109572663903236, -0.02304287999868393, -0.022970130667090416, -0.023881983011960983, -0.03162263706326485, -0.024157708510756493, -0.015188210643827915, -0.0165855810046196, -0.023015238344669342, -0.034048646688461304, -0.02792341075837612, -0.025909388437867165, -0.02492656745016575, -0.026394633576273918, -0.03188978508114815, -0.02520778588950634, -0.029515109956264496, -0.022062988951802254, -0.022427737712860107, -0.02440910041332245, -0.015736272558569908, -0.030739231035113335, -0.014299769885838032, -0.008939479477703571, 0.004754011984914541, 0.006064780987799168, -0.009921135380864143, -0.014233790338039398, -0.013615895062685013, 0.004516048822551966, 0.018039129674434662, 0.022275403141975403, 0.02030433714389801, 0.007300810422748327, 0.013633065856993198, 0.015154666267335415, 0.024099813774228096, 0.03698118031024933, 0.03284888342022896, 0.03524265065789223, 0.034638576209545135, 0.04228741303086281, 0.05629856884479523, 0.05207972973585129, 0.048478446900844574, 0.03751109912991524, 0.04382821545004845, 0.06849723309278488, 0.07585836201906204, 0.08037305623292923, 0.06450594216585159, 0.05917835608124733, 0.059613313525915146, 0.06807481497526169, 0.09437958896160126, 0.08933611214160919, 0.08305910974740982, 0.06884711235761642, 0.06347550451755524, 0.07328582555055618, 0.07927979528903961, 0.08381646126508713, 0.0823768675327301, 0.07694628834724426, 0.07331495732069016, 0.07708840817213058, 0.08872409164905548, 0.08658692985773087, 0.07588183134794235, 0.06442167609930038, 0.06591162085533142, 0.07393550872802734, 0.08393040299415588, 0.08211098611354828, 0.06758944690227509, 0.05356128141283989, 0.045742347836494446, 0.05413830280303955, 0.05626210942864418, 0.059004779905080795, 0.055056508630514145, 0.0409729890525341, 0.04280656948685646, 0.035728324204683304, 0.03933136165142059, 0.038752201944589615, 0.0298719871789217, 0.02767203561961651, 0.024766815826296806, 0.02593878284096718, 0.02109401486814022, 0.013375025242567062, 0.006648259703069925, -0.0020904045086354017, -0.0004820240137632936, -0.003811117261648178, 0.0019311463693156838, -0.0034383174497634172, -0.009668023325502872, -0.015273936092853546, -0.025463949888944626, -0.017574084922671318, -0.02054886892437935, -0.01887291856110096, -0.020801516249775887, -0.024481812492012978, -0.02212010882794857, -0.031311243772506714, -0.03411512076854706, -0.03514866158366203, -0.035185810178518295, -0.03229454904794693, -0.03289632126688957, -0.036897171288728714, -0.030685285106301308, -0.03849915415048599, -0.037129368633031845, -0.03800264373421669, -0.03258052468299866, -0.029643749818205833, -0.033067382872104645, -0.03656908497214317, -0.039076801389455795, -0.037928614765405655, -0.033995214849710464, -0.043458301573991776, -0.04469135031104088, -0.04545719921588898, -0.04719673842191696, -0.04356377571821213, -0.04594852030277252, -0.04991980642080307, -0.04329366609454155, -0.046711139380931854, -0.05693057179450989, -0.04986833035945892, -0.051985036581754684, -0.04440826177597046, -0.043934307992458344, -0.052149221301078796, -0.04191727936267853, -0.04995782673358917, -0.05315137654542923, -0.055570974946022034, -0.06988789141178131, -0.058965299278497696, -0.061034318059682846, -0.06267672032117844, -0.06024527549743652, -0.07406789064407349, -0.07193781435489655, -0.08611283451318741, -0.07043460756540298, -0.06474529951810837, -0.05919112637639046, -0.05319235846400261, -0.0844150185585022, -0.07137540727853775, -0.07943383604288101, -0.07616495341062546, -0.07971491664648056, -0.07487543672323227, -0.07831273972988129, -0.10351526737213135, -0.09072311967611313, -0.08758241683244705, -0.09255853295326233, -0.085029236972332, -0.1066145971417427, -0.08939628303050995, -0.09787492454051971, -0.0708465576171875, -0.05986737832427025, -0.0784660130739212, -0.0708673968911171, -0.07086867839097977, -0.05349351465702057, -0.04307181388139725, -0.03991366922855377, -0.03338411822915077, -0.027499837800860405, -0.021228734403848648, -0.029654139652848244, -0.01854689233005047, 0.0008625534828752279, 0.00421998742967844, 0.021312886849045753, 0.018107082694768906, 0.016534466296434402, 0.024156125262379646, 0.03855282813310623, 0.050279829651117325, 0.051159974187612534, 0.05740807577967644, 0.052431151270866394, 0.05672192946076393, 0.06344694644212723, 0.0768076553940773, 0.07283180207014084, 0.06708439439535141, 0.06768237799406052, 0.06612338870763779, 0.07996322959661484, 0.09163365513086319, 0.10064185410737991, 0.09250039607286453, 0.0785626769065857, 0.07251209020614624, 0.08313147723674774, 0.10283726453781128, 0.1128397062420845, 0.11143603920936584, 0.10536609590053558, 0.0945223793387413, 0.09614191204309464, 0.10813605785369873, 0.1150403842329979, 0.10767505317926407, 0.11137837916612625, 0.10860715806484222, 0.1080683171749115, 0.11194279789924622, 0.11444902420043945, 0.10836458951234818, 0.10001326352357864, 0.10035738348960876, 0.10292986780405045, 0.10704084485769272, 0.10482114553451538, 0.09776493906974792, 0.08680393546819687, 0.07668838649988174, 0.08176351338624954, 0.07837565243244171, 0.076450876891613, 0.07068543881177902, 0.049391020089387894, 0.046610184013843536, 0.043474454432725906, 0.03609320521354675, 0.036497872322797775, 0.023031089454889297, 0.017042705789208412, 0.012205115519464016, 0.010132960043847561, 0.008205465972423553, 0.006247127894312143, 0.0028981221839785576, -0.007937202230095863, -0.008144709281623363, -0.010186370462179184, -0.010289758443832397, -0.0045803263783454895, -0.013798031024634838, -0.012510508298873901, -0.021691404283046722, -0.026679648086428642, -0.024180075153708458, -0.024160081520676613, -0.026869380846619606, -0.02923577092587948, -0.03972374275326729, -0.03846030682325363, -0.041330352425575256, -0.05567270144820213, -0.048609696328639984, -0.06569873541593552, -0.062420159578323364, -0.06689911335706711, -0.06075504794716835, -0.057304684072732925, -0.07338245958089828, -0.07851347327232361, -0.10126584023237228, -0.0943971574306488, -0.09196480363607407, -0.08586221188306808, -0.0904654785990715, -0.10766278207302094, -0.10160759836435318, -0.11333645135164261, -0.11466679722070694, -0.11686495691537857, -0.11826735734939575, -0.11711668223142624, -0.12548786401748657, -0.11156728863716125, -0.13158108294010162, -0.10571689903736115, -0.12339389324188232, -0.12572604417800903, -0.10823433846235275, -0.1368977278470993, -0.09335768222808838, -0.12397553771734238, -0.10762612521648407, -0.13611699640750885, -0.13777975738048553, -0.11735712736845016, -0.11110103130340576, -0.08890817314386368, -0.10129275918006897, -0.1019517034292221, -0.09366784244775772, -0.0956742987036705, -0.06649254262447357, -0.06239410862326622, -0.05144492909312248, -0.039723437279462814, -0.041847314685583115, -0.009562705643475056, -0.011293408460915089, 0.011946582235395908, 0.011860565282404423, 0.007607051637023687, 0.01594027318060398, 0.022196711972355843, 0.041884567588567734, 0.04116326943039894, 0.05214303731918335, 0.04874115064740181, 0.037162818014621735, 0.045216821134090424, 0.04679255187511444, 0.04895322024822235, 0.05105513706803322, 0.03767406567931175, 0.04811401292681694, 0.04114623740315437, 0.05276327580213547, 0.041922833770513535, 0.035840023308992386, 0.03149932995438576, 0.02223373018205166, 0.025640251114964485, 0.02904791198670864, 0.03894486650824547, 0.03449558839201927, 0.03355386480689049, 0.032424937933683395, 0.0282916110008955, 0.03643133118748665, 0.04116969555616379, 0.041521377861499786, 0.045490846037864685, 0.053016841411590576, 0.06791786849498749, 0.07242710143327713, 0.07614640146493912, 0.07143276184797287, 0.06157245114445686, 0.06338948756456375, 0.08074355125427246, 0.09876585006713867, 0.11389929801225662, 0.10966173559427261, 0.1035875678062439, 0.09152119606733322, 0.09908587485551834, 0.1033744066953659, 0.1104913130402565, 0.11872995644807816, 0.10635364055633545, 0.10448172688484192, 0.10162787139415741, 0.10428102314472198, 0.10145442932844162, 0.096101313829422, 0.07988132536411285, 0.06871194392442703, 0.07005604356527328, 0.07892151921987534, 0.08026505261659622, 0.07375001162290573, 0.061639029532670975, 0.049098704010248184, 0.04085699841380119, 0.039294738322496414, 0.04667619243264198, 0.04687592387199402, 0.047902993857860565, 0.036831747740507126, 0.03748801350593567, 0.03501467779278755, 0.035465460270643234, 0.03588245064020157, 0.024689622223377228, 0.024023933336138725, 0.019548648968338966, 0.02035752311348915, 0.018828600645065308, 0.01149565540254116, 0.01105565670877695, -0.006317451596260071, -0.005907170940190554, -0.01682373322546482, -0.020799851045012474, -0.020842846482992172, -0.03939265385270119, -0.03544609621167183, -0.04737319424748421, -0.05536581575870514, -0.0703568086028099, -0.08063532412052155, -0.07728451490402222, -0.08852062374353409, -0.08676620572805405, -0.09818810224533081, -0.09498050808906555, -0.10729004442691803, -0.12065139412879944, -0.11627548187971115, -0.12252935022115707, -0.12114258855581284, -0.13447986543178558, -0.1349269300699234, -0.14501844346523285, -0.12642228603363037, -0.1390349566936493, -0.13469964265823364, -0.14768655598163605, -0.14765648543834686, -0.16291403770446777, -0.16367188096046448, -0.14802373945713043, -0.15745672583580017, -0.13645903766155243, -0.15754903852939606, -0.15542514622211456, -0.14991885423660278, -0.16202442348003387, -0.14336484670639038, -0.15498538315296173, -0.1510860025882721, -0.16370835900306702, -0.17209549248218536, -0.12232834100723267, -0.13399158418178558, -0.10750287026166916, -0.11111189424991608, -0.10555917769670486, -0.07858384400606155, -0.08858213573694229, -0.0455847904086113, -0.050296004861593246, -0.02947123534977436, -0.01415440533310175, -0.008532790467143059, 0.015186857432126999, 0.02186468616127968, 0.040420785546302795, 0.04425746202468872, 0.03423783928155899, 0.05162094533443451, 0.04634059965610504, 0.06350471824407578, 0.06275850534439087, 0.05635077878832817, 0.07088644802570343, 0.05272276699542999, 0.06250669807195663, 0.053105179220438004, 0.04473751783370972, 0.04558911547064781, 0.04033559188246727, 0.044178251177072525, 0.04012162610888481, 0.032346975058317184, 0.02757398970425129, 0.017059076577425003, 0.015573213808238506, 0.01576242223381996, 0.022361600771546364, 0.017298640683293343, 0.016569439321756363, 0.01806221343576908, 0.022798197343945503, 0.026303738355636597, 0.03503331169486046, 0.04291108250617981, 0.045784346759319305, 0.047047290951013565, 0.041985027492046356, 0.058452267199754715, 0.0696738213300705, 0.07233621925115585, 0.07856747508049011, 0.07200309634208679, 0.07118754088878632, 0.07626447826623917, 0.08839258551597595, 0.095731221139431, 0.08974709361791611, 0.09322014451026917, 0.09474478662014008, 0.09458485245704651, 0.10390886664390564, 0.10633023828268051, 0.10351307690143585, 0.09327435493469238, 0.09253635257482529, 0.09486259520053864, 0.09755228459835052, 0.0981699526309967, 0.09447260200977325, 0.08593380451202393, 0.07784812897443771, 0.0720745176076889, 0.07541012018918991, 0.0734754130244255, 0.06875097006559372, 0.06480929255485535, 0.061372388154268265, 0.06506595015525818, 0.064379021525383, 0.06744714826345444, 0.06258437037467957, 0.060823842883110046, 0.06205984950065613, 0.06251797080039978, 0.06544571369886398, 0.061843495815992355, 0.06613114476203918, 0.06156030669808388, 0.05338941887021065, 0.0523964948952198, 0.0425599180161953, 0.046006638556718826, 0.02936447598040104, 0.028636978939175606, 0.01945597305893898, 0.00406220369040966, 0.00765839172527194, -0.009109674021601677, -0.0032169942278414965, -0.0228482224047184, -0.03391426056623459, -0.03815289959311485, -0.04888857901096344, -0.04754582419991493, -0.06416478008031845, -0.06824124604463577, -0.0802164301276207, -0.09066110849380493, -0.07962767034769058, -0.09089194238185883, -0.0878760814666748, -0.10283292084932327, -0.12180078774690628, -0.12346291542053223, -0.11793389171361923, -0.1199016198515892, -0.1075267568230629, -0.12662918865680695, -0.13537269830703735, -0.1281847506761551, -0.14222653210163116, -0.10609517991542816, -0.14058266580104828, -0.10860428214073181, -0.16057990491390228, -0.14646844565868378, -0.12387572973966599, -0.13704407215118408, -0.09163807332515717, -0.15361367166042328, -0.1370379775762558, -0.15539446473121643, -0.16143567860126495, -0.10079208016395569, -0.1420748084783554, -0.1311379224061966, -0.1619262546300888, -0.17748676240444183, -0.13318713009357452, -0.13724704086780548, -0.07901215553283691, -0.10773391276597977, -0.11433848738670349, -0.08583001792430878, -0.09304434806108475, -0.02352764457464218, -0.0414152592420578, -0.011716591194272041, -0.005525380373001099, -0.018893560394644737, 0.0313204750418663, 0.04043903946876526, 0.06967131048440933, 0.07173763960599899, 0.047185562551021576, 0.07322695106267929, 0.06453532725572586, 0.09561236947774887, 0.09397181868553162, 0.08359190076589584, 0.0853969156742096, 0.05622606351971626, 0.08357203006744385, 0.07023852318525314, 0.06963203102350235, 0.060492634773254395, 0.03333704546093941, 0.03659255430102348, 0.03225400671362877, 0.03999901935458183, 0.03566207364201546, 0.022822028025984764, 0.007045221980661154, -0.0014003642136231065, 0.004318119026720524, 0.0034108837135136127, 0.01093676220625639, 0.004456124268472195, 0.0026071639731526375, 0.003465200774371624, 0.016909094527363777, 0.025929847732186317, 0.023997047916054726, 0.027829013764858246, 0.016860544681549072, 0.023122211918234825, 0.03887179121375084, 0.055437881499528885, 0.06986228376626968, 0.05783450976014137, 0.06050024554133415, 0.06341806054115295, 0.0729546844959259, 0.09026921540498734, 0.09365056455135345, 0.09505873918533325, 0.08662000298500061, 0.09005013108253479, 0.09856139868497849, 0.10520174354314804, 0.11147051304578781, 0.09621638804674149, 0.09527678787708282, 0.08132261782884598, 0.09231224656105042, 0.09669087082147598, 0.08972611278295517, 0.09095123410224915, 0.06692100316286087, 0.07186831533908844, 0.06728669255971909, 0.06503813713788986, 0.06563881784677505, 0.05647462606430054, 0.05118044838309288, 0.047347959131002426, 0.056287143379449844, 0.05568903312087059, 0.05232107639312744, 0.04854235798120499, 0.040390804409980774, 0.043698329478502274, 0.04487934336066246, 0.053879860788583755, 0.05140624940395355, 0.052663564682006836, 0.04853273183107376, 0.04388746991753578, 0.052721522748470306, 0.04072966426610947, 0.046154703944921494, 0.03148554265499115, 0.022298650816082954, 0.029610032215714455, 0.013302069157361984, 0.025478065013885498, 0.012433703988790512, 0.006637925747781992, -0.0003153782745357603, -0.01869962364435196, -0.013419901952147484, -0.03397783637046814, -0.03105478733778, -0.04466035217046738, -0.056294966489076614, -0.04725994914770126, -0.06602743268013, -0.06141473352909088, -0.07567637413740158, -0.07787073403596878, -0.08992289751768112, -0.09826336055994034, -0.09434805810451508, -0.09992852807044983, -0.10158233344554901, -0.11933975666761398, -0.11538296192884445, -0.11870691925287247, -0.11964698880910873, -0.11698630452156067, -0.11980414390563965, -0.12270837277173996, -0.1364648938179016, -0.12974627315998077, -0.1308949738740921, -0.12119711190462112, -0.11846516281366348, -0.1331477016210556, -0.13304860889911652, -0.1339026391506195, -0.13436883687973022, -0.12091889977455139, -0.12288215011358261, -0.12624643743038177, -0.13623225688934326, -0.13745011389255524, -0.12418055534362793, -0.09982965141534805, -0.08972487598657608, -0.08933669328689575, -0.07084974646568298, -0.05449410900473595, -0.041701849550008774, -0.03008129447698593, -0.008316483348608017, -0.005035424139350653, 0.0006822062423452735, 0.005809566006064415, 0.027921205386519432, 0.055569838732481, 0.061207737773656845, 0.07713967561721802, 0.07427063584327698, 0.07476834952831268, 0.07840974628925323, 0.07588865607976913, 0.08342589437961578, 0.07569368183612823, 0.08127215504646301, 0.07434427738189697, 0.07593139261007309, 0.07734660059213638, 0.060182925313711166, 0.05763252079486847, 0.03592666611075401, 0.0306991133838892, 0.029589666053652763, 0.02806524932384491, 0.03190743550658226, 0.0252132136374712, 0.023151669651269913, 0.005819370504468679, 0.0039560371078550816, 0.0058578383177518845, 0.002001403132453561, 0.0035959058441221714, 0.0013273293152451515, 0.006876425817608833, 0.015979312360286713, 0.02339041233062744, 0.029467865824699402, 0.030910326167941093, 0.021237120032310486, 0.019029593095183372, 0.03206362947821617, 0.038745637983083725, 0.051515597850084305, 0.06010640040040016, 0.06492433696985245, 0.06779740005731583, 0.07345305383205414, 0.08003184199333191, 0.08491966128349304, 0.08399252593517303, 0.07930430769920349, 0.08938077092170715, 0.09066098928451538, 0.09576962888240814, 0.10985821485519409, 0.10676893591880798, 0.10364846140146255, 0.10138829797506332, 0.10205411911010742, 0.10510949045419693, 0.09618529677391052, 0.09981906414031982, 0.08856022357940674, 0.08701722323894501, 0.08617929369211197, 0.08307267725467682, 0.08539391309022903, 0.07035913318395615, 0.06553823500871658, 0.05502012372016907, 0.0529622957110405, 0.05083738639950752, 0.050302740186452866, 0.05073672533035278, 0.04576665163040161, 0.04712904617190361, 0.04389259219169617, 0.0510573573410511, 0.041282329708337784, 0.04216776043176651, 0.04069287329912186, 0.035942111164331436, 0.04442620277404785, 0.03969819098711014, 0.05070839449763298, 0.033712055534124374, 0.0335836261510849, 0.029650941491127014, 0.021873271092772484, 0.02508849836885929, 0.015142183750867844, 0.024622082710266113, 0.003927147947251797, 0.01003347896039486, 0.0039229136891663074, -0.004684477113187313, -0.008120586164295673, -0.031185239553451538, -0.034875404089689255, -0.044664569199085236, -0.04539879783987999, -0.04227595031261444, -0.04634538292884827, -0.055121857672929764, -0.0760386511683464, -0.07689075171947479, -0.0816928818821907, -0.09244042634963989, -0.08146266639232635, -0.09951360523700714, -0.10287944227457047, -0.10721097886562347, -0.10959390550851822, -0.0951572060585022, -0.11590341478586197, -0.10887039452791214, -0.1300390511751175, -0.12956644594669342, -0.12899307906627655, -0.12225597351789474, -0.10506601631641388, -0.12806196510791779, -0.13148435950279236, -0.1321253478527069, -0.13874229788780212, -0.12424352765083313, -0.12879414856433868, -0.12803466618061066, -0.1354580670595169, -0.1520078182220459, -0.1298043429851532, -0.12060454487800598, -0.10510240495204926, -0.09597449004650116, -0.09844955056905746, -0.08330420404672623, -0.0818808302283287, -0.047577936202287674, -0.03719900920987129, -0.033736761659383774, -0.005221952218562365, -0.02122534066438675, 0.012732385657727718, 0.017253471538424492, 0.03273266926407814, 0.053140394389629364, 0.03709929808974266, 0.05610501393675804, 0.05162756145000458, 0.07460127025842667, 0.07591944187879562, 0.0687900111079216, 0.08063854277133942, 0.06001676991581917, 0.07876715809106827, 0.07003335654735565, 0.07294797152280807, 0.07446472346782684, 0.05333559215068817, 0.05471113696694374, 0.040940456092357635, 0.04750494658946991, 0.04198318347334862, 0.029920140281319618, 0.02407224476337433, 0.00982879102230072, 0.016034621745347977, 0.008945847861468792, 0.017549263313412666, 0.011034684255719185, -0.0013352585956454277, -0.003001078963279724, -0.009213216602802277, 0.0006344092544168234, 0.0021784105338156223, 0.004309346899390221, -0.0027742101810872555, 0.001511700451374054, 0.006365302950143814, 0.012036190368235111, 0.02552981860935688, 0.024721646681427956, 0.02762439101934433, 0.024800755083560944, 0.03342825546860695, 0.04727274924516678, 0.05027872323989868, 0.05919827148318291, 0.05717681348323822, 0.06160753592848778, 0.06453127413988113, 0.07737784087657928, 0.08652054518461227, 0.08524306863546371, 0.0958743691444397, 0.08658154308795929, 0.09727685898542404, 0.10160619020462036, 0.09644635021686554, 0.10582509636878967, 0.09503525495529175, 0.09367045760154724, 0.09335383772850037, 0.08939138799905777, 0.08869470655918121, 0.08269815146923065, 0.0794483870267868, 0.07141094654798508, 0.06426829844713211, 0.06107683107256889, 0.05874110385775566, 0.05151757597923279, 0.04548315331339836, 0.04798657074570656, 0.042420968413352966, 0.04395328834652901, 0.03991227224469185, 0.040539100766181946, 0.03866802528500557, 0.03326336666941643, 0.033930953592061996, 0.03478776663541794, 0.03461090475320816, 0.0335870161652565, 0.025920309126377106, 0.03586288541555405, 0.02761838398873806, 0.01855188049376011, 0.03265810385346413, 0.01644090749323368, 0.02905040793120861, 0.000877713377121836, 0.01856050081551075, 0.013356830924749374, -0.005281129851937294, 0.023445162922143936, -0.033516500145196915, 0.012265165336430073, -0.0004948891582898796, -0.038128357380628586, -0.0146264573559165, -0.020323827862739563, -0.029155639931559563, -0.04385795444250107, -0.060921698808670044, -0.042600806802511215, -0.037060122936964035, -0.0817718580365181, -0.07261908799409866, -0.039585359394550323, -0.07305760681629181, -0.09258189797401428, -0.06833445280790329, -0.08193636685609818, -0.10068076103925705, -0.09193341434001923, -0.07834169268608093, -0.09860633313655853, -0.11410155147314072, -0.08765491843223572, -0.10050183534622192, -0.11166592687368393, -0.10363495349884033, -0.09500233083963394, -0.11207544803619385, -0.11855681985616684, -0.108967125415802, -0.10562838613986969, -0.10124741494655609, -0.10389164090156555, -0.1122131273150444, -0.11684087663888931, -0.10619255155324936, -0.10079989582300186, -0.09572086483240128, -0.08848775178194046, -0.07858802378177643, -0.07060203701257706, -0.06404055655002594, -0.048792093992233276, -0.036862168461084366, -0.04293248802423477, -0.03393961116671562, -0.025106152519583702, -0.011136023327708244, 0.0009943911572918296, 0.01713464967906475, 0.02419559843838215, 0.028882158920168877, 0.0434105284512043, 0.04278877377510071, 0.04879213497042656, 0.05778549239039421, 0.06301939487457275, 0.05931571125984192, 0.05951894819736481, 0.0748981460928917, 0.07945141941308975, 0.0728035718202591, 0.07176093012094498, 0.07377021759748459, 0.06550637632608414, 0.05690963566303253, 0.0559682697057724, 0.05064034461975098, 0.04350404813885689, 0.040237147361040115, 0.03636528179049492, 0.030502622947096825, 0.026172827929258347, 0.02239256538450718, 0.019008507952094078, 0.007605239283293486, -0.0003512089024297893, 0.0018868983024731278, -0.004559309687465429, -0.006431723479181528, -0.0025050670374184847, 0.0005013447953388095, -0.002209288068115711, -0.006107944529503584, 0.0038871478755027056, 0.0031637288630008698, 0.0011373447487130761, 0.003004231955856085, 0.0062703536823391914, 0.013724134303629398, 0.015036405064165592, 0.01824013702571392, 0.03585467487573624, 0.03200206160545349, 0.034570999443531036, 0.041359368711709976, 0.050653476268053055, 0.05309304967522621, 0.05609673261642456, 0.06921123713254929, 0.07314223796129227, 0.0758490338921547, 0.08330792188644409, 0.08791892975568771, 0.08449800312519073, 0.08933848142623901, 0.0859258770942688, 0.08475445210933685, 0.08324091136455536, 0.08509697765111923, 0.08446192741394043, 0.07247470319271088, 0.06956975162029266, 0.07071533054113388, 0.06710352748632431, 0.054833557456731796, 0.043323956429958344, 0.05500626936554909, 0.049009669572114944, 0.0203111432492733, 0.04687968268990517, 0.04523227736353874, 0.032192595303058624, 0.03260401636362076, 0.022287866100668907, 0.034963902086019516, 0.025814907625317574, 0.021776733919978142, 0.0360800065100193, 0.012548982165753841, 0.03528933599591255, 0.00975413154810667, 0.020240945741534233, 0.049280501902103424, -0.0025727248284965754, 0.028224952518939972, 0.029774406924843788, 0.006981469225138426, 0.0020958196837455034, 0.02687213383615017, 0.0055620563216507435, 0.0141425970941782, 0.030836336314678192, -0.045522309839725494, 0.02752033621072769, -0.002882962115108967, -0.03504825755953789, 0.01960710994899273, -0.0401848629117012, -0.009613520465791225, -0.04235553741455078, -0.03124893642961979, -0.026634063571691513, -0.026441846042871475, -0.06895763427019119, -0.04573624208569527, -0.023746779188513756, -0.09068773686885834, -0.05686923488974571, -0.04917776957154274, -0.047650232911109924, -0.08924784511327744, -0.06272183358669281, -0.05394111946225166, -0.07638298720121384, -0.07625531405210495, -0.07508719712495804, -0.08351334184408188, -0.0841616615653038, -0.08614178001880646, -0.07457374036312103, -0.0741247683763504, -0.1005106270313263, -0.08215544372797012, -0.08440380543470383, -0.06852235645055771, -0.10545266419649124, -0.08480486273765564, -0.07459447532892227, -0.08853315562009811, -0.08597096055746078, -0.08365235477685928, -0.06855218857526779, -0.08077345043420792, -0.06874585896730423, -0.06137579306960106, -0.0610976479947567, -0.06505487114191055, -0.052495937794446945, -0.0446421355009079, -0.04724420979619026, -0.03614284470677376, -0.022049609571695328, -0.029453597962856293, -0.011797439306974411, -0.00308991689234972, 0.0032370625995099545, -0.0025880797766149044, 0.015916883945465088, 0.02416950650513172, 0.014904945157468319, 0.03399880602955818, 0.03415375575423241, 0.04643106833100319, 0.04212554916739464, 0.038369469344615936, 0.04893232882022858, 0.05115474760532379, 0.05303369462490082, 0.03363538905978203, 0.04819447919726372, 0.0458294041454792, 0.036979179829359055, 0.03400387987494469, 0.040738921612501144, 0.028627760708332062, 0.026506366208195686, 0.022573983296751976, 0.02418898232281208, 0.009772422723472118, 0.015675576403737068, 0.009783635847270489, -0.002523738192394376, 0.004176257643848658, 0.011726470664143562, 0.0015676338225603104, -0.00790258590131998, 0.011863628402352333, -0.002518212888389826, -0.006265492178499699, 0.0014293756103143096, 0.0016036818269640207, 0.004715123679488897, -0.0030051004141569138, 0.00686603831127286, 0.01398929487913847, 0.017718106508255005, -0.00010231300257146358, 0.03554723411798477, 0.01572965644299984, 0.016909217461943626, 0.03984711691737175, 0.02261374518275261, 0.034779589623212814, 0.04502876475453377, 0.022432856261730194, 0.05062250420451164, 0.04839488863945007, 0.041588231921195984, 0.04774707183241844, 0.04095638915896416, 0.07983564585447311, 0.010052455589175224, 0.039518192410469055, 0.1001373827457428, 0.002396615222096443, 0.06067170575261116, 0.043111566454172134, 0.07012056559324265, 0.025816483423113823, 0.04285626485943794, 0.05277716740965843, 0.001806314685381949, 0.05806729197502136, 0.024442465975880623, 0.031359389424324036, 0.029055485501885414, 0.06260909885168076, -0.031801361590623856, 0.0711367130279541, 0.020190823823213577, 0.025609247386455536, 0.023314500227570534, 0.003999953158199787, 0.04851797595620155, 0.015770411118865013, 0.023881131783127785, 0.023112084716558456, 0.016113709658384323, 0.03804168477654457, -0.0038368517998605967, 0.042467568069696426, 0.0020102662965655327, 0.03887418285012245, -0.017072783783078194, -0.013909176923334599, 0.08922133594751358, -0.08046366274356842, 0.04014916345477104, 0.010720444843173027, -0.06498045474290848, 0.05383913218975067, -0.052516594529151917, -0.02647247165441513, 0.006552256178110838, -0.010586369782686234, -0.08376629650592804, -0.0012178316246718168, -0.023976285010576248, -0.03822433575987816, -0.06865474581718445, -0.030602097511291504, -0.0003692379978019744, -0.10323788970708847, -0.04610532522201538, 0.03603034093976021, -0.11469461768865585, -0.03981344401836395, -0.040880490094423294, -0.05221562832593918, -0.04387088119983673, -0.08619722723960876, -0.019052401185035706, -0.05739576742053032, -0.0709017887711525, -0.048162128776311874, -0.04441520944237709, -0.09188001602888107, -0.04272626340389252, -0.043867096304893494, -0.08254590630531311, -0.08008819073438644, -0.03118378482758999, -0.05142743140459061, -0.08999724686145782, -0.0468805767595768, -0.05513397976756096, -0.06284930557012558, -0.08219170570373535, -0.04949592053890228, -0.0517331101000309, -0.07225408405065536, -0.04731395095586777, -0.055613160133361816, -0.05311943218111992, -0.041379544883966446, -0.03838758543133736, -0.04461221769452095, -0.03890186548233032, -0.04105868190526962, -0.02354959025979042, -0.022201113402843475, -0.026291299611330032, -0.007432947400957346, -0.01460531447082758, -0.011928554624319077, 0.013673246838152409, 0.009828709065914154, 0.0006533564301207662, 0.011859635822474957, 0.02462526224553585, 0.00632614828646183, 0.023879023268818855, 0.0270572230219841, 0.02670738287270069, 0.028488753363490105, 0.02648361399769783, 0.03189710155129433, 0.02627747505903244, 0.02656962350010872, 0.03620300814509392, 0.029360512271523476, 0.010448942892253399, 0.04148516058921814, 0.01575484313070774, 0.032015711069107056, 0.014752655290067196, 0.035875353962183, 0.020931415259838104, 0.017962168902158737, 0.015555977821350098, 0.02971555106341839, 0.012965206988155842, 0.007111080456525087, 0.03709941729903221, -0.0029945531859993935, 0.018937068060040474, 0.005012170411646366, 0.031057463958859444, 0.01712897978723049, 0.010326691903173923, 0.007793786004185677, 0.02797280065715313, 0.023112604394555092, 0.0006781276315450668, 0.026074405759572983, 0.032818425446748734, 0.007376151159405708, 0.028851650655269623, 0.024433324113488197, 0.0414939783513546, 0.015136409550905228, 0.019462624564766884, 0.04909486696124077, 0.011220747604966164, 0.056000370532274246, -0.0018623733194544911, 0.05898464843630791, 0.052334100008010864, -0.033726587891578674, 0.09383498877286911, 0.03770414739847183, -0.000854759884532541, 0.08747454732656479, -0.020102743059396744, 0.06670648604631424, 0.05070044845342636, 0.004956367425620556, 0.06408240646123886, 0.003699568100273609, 0.060739438980817795, 0.03458939865231514, -0.029486266896128654, 0.08224720507860184, 0.08502742648124695, -0.10869750380516052, 0.1108975037932396, 0.04422123357653618, -0.06886760145425797, 0.1300206482410431, -0.07923787832260132, 0.08742114156484604, -0.017483027651906013, 5.0488866691011935e-05, 0.055250171571969986, 0.009135008789598942, -0.052094776183366776, 0.10976127535104752, -0.05398257076740265, -0.021610179916024208, 0.04411310330033302, 0.00428706593811512, 0.016425276175141335, -0.07716865092515945, 0.05261855199933052, 0.06946847587823868, -0.14064577221870422, 0.06718083471059799, -0.008764397352933884, -0.001973664155229926, -0.0013094223104417324, -0.138915553689003, 0.20898202061653137, -0.1586143970489502, -0.07012031972408295, 0.11354184150695801, -0.06935689598321915, -0.046417947858572006, -0.05227574706077576, 0.061586905270814896, -0.06865337491035461, -0.10390464216470718, 0.03971104696393013, -0.02754201926290989, -0.07612357288599014, -0.06828024238348007, 0.05552658438682556, -0.06368086487054825, -0.1207810640335083, 0.04153493419289589, 0.0002808955905493349, -0.1395336538553238, -0.00420333119109273, -0.002755164634436369, -0.07354693859815598, -0.024624377489089966, -0.07843717187643051, 0.02830647863447666, -0.08007173985242844, -0.08496414124965668, 0.03987059369683266, -0.060574714094400406, -0.06386441737413406, -0.05823461338877678, 0.037458132952451706, -0.1174442246556282, -0.02499174326658249, -0.020270632579922676, -0.04706977307796478, -0.06081915274262428, -0.014206290245056152, -0.04778687655925751, -0.06497585028409958, -0.031832288950681686, -0.01028095930814743, -0.05274464190006256, -0.05630609393119812, 0.0054307677783071995, -0.05443798378109932, -0.016144240275025368, -0.009786423295736313, -0.03510605916380882, -0.008021741174161434, 0.008540410548448563, -0.03206648305058479, 0.004370176699012518, 0.014814992435276508, 0.024023646488785744, -0.0250120609998703, 0.02303641475737095, 0.02437759004533291, 0.022377299144864082, -8.202080607588869e-06, 0.04180442914366722, 0.00236193323507905, 0.03997185826301575, 0.036450233310461044, -0.01779566891491413, 0.09100902080535889, -0.021751083433628082, 0.06744434684515, -0.0011291273403912783, 0.04179345816373825, 0.0316864550113678, -0.012160774320363998, 0.04319208860397339, 0.04444703459739685, -0.01208808645606041, -0.011020137928426266, 0.08878877013921738, -0.031092414632439613, 0.03250850737094879, -0.01650206744670868, 0.07928933203220367, -0.077367402613163, 0.0674852654337883, -0.006101531907916069, 0.017972432076931, -0.027698028832674026, 0.028275562450289726, 0.016720589250326157, -0.009212255477905273, -0.009099067188799381, 0.056459564715623856, -0.0018453317461535335, -0.04406719654798508, 0.043059516698122025, 0.042873185127973557, -0.023683715611696243, -0.04884018003940582, 0.13884057104587555, -0.0657004788517952, 0.015759998932480812, 0.006712242960929871, 0.07720379531383514, -0.032165203243494034, -0.0050922418013215065, 0.06797925382852554, 0.037604186683893204, -0.07359196990728378, 0.0744781494140625, 0.06873518973588943, -0.0652238056063652, 0.06789150089025497, -0.013326422311365604, 0.10735411942005157, -0.12904104590415955, 0.1334698498249054, -0.034203868359327316, 0.04798470064997673, -0.03105740435421467, 0.02082614041864872, 0.07449580729007721, -0.05458632484078407, 0.02562471479177475, 0.051169950515031815, -0.016064485535025597, -0.06857983767986298, 0.15186119079589844, -0.14049308001995087, 0.10374313592910767, -0.03793436661362648, -0.02098875865340233, 0.07948435842990875, -0.12648147344589233, 0.10304071754217148, -0.014958391897380352, -0.06231323257088661, 0.007425233721733093, 0.07863884419202805, -0.09193528443574905, -0.006303968373686075, 0.03739407658576965, -0.020450612530112267, -0.018013132736086845, -0.053257279098033905, 0.07654973119497299, -0.07318828999996185, -0.04603949189186096, 0.06586889922618866, -0.055720552802085876, -0.03998551517724991, 0.004213391337543726, 0.02552143856883049, -0.06481751799583435, -0.009675523266196251, -0.020884066820144653, 0.04558734595775604, -0.09214852750301361, -0.04599769413471222, 0.10976514220237732, -0.11235325783491135, -0.00863653514534235, 0.0019697698298841715, -0.016017280519008636, -0.020510470494627953, -0.04919919744133949, 0.019051821902394295, -0.012005987577140331, -0.04981258139014244, -0.0314519926905632, 0.04716752469539642, -0.06603182107210159, -0.07844403386116028, 0.09238123893737793, -0.09527432173490524, -0.004144104663282633, -0.0412210077047348, 0.03537575900554657, -0.07640212029218674, -0.017203735187649727, 0.016293976455926895, -0.09684289991855621, 0.05999596044421196, -0.10932702571153641, 0.05821739137172699, -0.0867660716176033, -0.004294872749596834, -0.017456578090786934, -0.008621152490377426, -0.048659756779670715, -0.03457193449139595, 0.028385182842612267, -0.08979467302560806, 0.050694648176431656, -0.11615467071533203, 0.07569163292646408, -0.0505555085837841, -0.059175003319978714, 0.046899858862161636, -0.036181431263685226, 0.003480497281998396, -0.0628688707947731, 0.07459477335214615, -0.07018571346998215, 0.024095719680190086, -0.05513649061322212, 0.05093328654766083, 0.0031536940950900316, -0.07439257949590683, 0.0777885913848877, -0.007634755223989487, -0.03888648375868797, 0.03979931399226189, 0.03459499031305313, -0.09668423980474472, 0.15149815380573273, -0.09868176281452179, 0.0030571790412068367, 0.09335234761238098, -0.04174688458442688, 0.016361260786652565, -0.009382174350321293, 0.0923224464058876, -0.06138560548424721, 0.03258541598916054, 0.054948657751083374, -0.05807817354798317, 0.08615721017122269, -0.011127662844955921, 0.020904874429106712, 0.022881872951984406, -0.018144214525818825, 0.13103730976581573, -0.15485486388206482, 0.1269141584634781, 0.02921961434185505, -0.08055753260850906, 0.11384621262550354, -0.08217059075832367, 0.15589730441570282, -0.13831716775894165, 0.11045796424150467, 0.0021835120860487223, 0.014959480613470078, -0.03311269357800484, 0.09911754727363586, -0.04725921154022217, 0.0024682313669472933, 0.1125723123550415, -0.1360270231962204, 0.22962944209575653, -0.24227739870548248, 0.2262699156999588, -0.045597221702337265, -0.04236425831913948, 0.06492134183645248, -0.003679971443489194, 0.07510151714086533, -0.11597274988889694, 0.10779965668916702, -0.0018358133966103196, 0.0024933491367846727, -0.0339711494743824, 0.06317471712827682, -0.029358087107539177, 0.03999696671962738, -0.056112099438905716, 0.09453973174095154, -0.041356198489665985, -0.030102452263236046, 0.10584816336631775, -0.1251036375761032, 0.1290125697851181, -0.1310148984193802, 0.13573946058750153, -0.10375475883483887, 0.037909988313913345, 0.013938065618276596, -0.007870927453041077, 0.018168753013014793, -0.061747923493385315, 0.049039341509342194, -0.02671000547707081, 0.005763393361121416, -0.030664168298244476, 0.0008053444908000529, 0.017739808186888695, -0.0062612504698336124, -0.04217831790447235, 0.02167368307709694, 0.035565752536058426, -0.09714089334011078, 0.08199303597211838, -0.07218802720308304, 0.0029861440416425467, 0.025488844141364098, -0.037836961448192596, -0.0046284394338727, -0.022605137899518013, 0.06403633207082748, -0.12651056051254272, 0.1150074377655983, -0.09037964046001434, 0.03996641933917999, -0.020706336945295334, -0.04960449039936066, 0.022947855293750763, 0.015053778886795044, -0.0739426538348198, 0.042983278632164, -0.04444291815161705, 0.017491305246949196, -0.035334762185811996, 0.009716328233480453, -0.0009446318144910038, -0.06807231158018112, 0.04728167504072189, -0.018240157514810562, -0.01327595952898264, -0.05052554979920387, 0.05173346772789955, -0.031230812892317772, -0.011052366346120834, -0.027471786364912987, 0.004657089710235596, -0.0042509278282523155, -0.006009453907608986, -0.04857752099633217, 0.014978335238993168, 0.009186803363263607, -0.01864934153854847, -0.056520719081163406, 0.040112510323524475, 0.04029174521565437, -0.10776527971029282, 0.02131449431180954, 0.014321532100439072, 0.0040405308827757835, -0.04341728612780571, -0.006112920586019754, 0.009206302464008331, 0.025358879938721657, -0.07534214854240417, 0.06622599810361862, -0.06454909592866898, 0.04292238503694534, -0.021372081711888313, -0.011841469444334507, 0.01881549321115017, -0.012878931127488613, 0.012436587363481522, -0.0391162633895874, 0.02937254309654236, 0.03138473257422447, -0.10466766357421875, 0.11459796875715256, -0.04495925456285477, -0.01807812787592411, 0.0732511654496193, -0.06270507723093033, 0.039271529763936996, -0.023094622418284416, 0.07144046574831009, -0.04329406097531319, -0.025770273059606552, 0.10602013021707535, -0.07182077318429947, 0.018462922424077988, 0.042217813432216644, 0.037150971591472626, -0.08726178109645844, 0.06598832458257675, 0.07995124161243439, -0.09677505493164062, 0.016362620517611504, 0.08460761606693268, 0.008393953554332256, -0.10512064397335052, 0.18784327805042267, -0.12623515725135803, 0.10725659877061844, -0.07644350081682205, 0.07578660547733307, 0.027520542964339256, -0.0587499737739563, 0.074820376932621, 0.042879119515419006, -0.10894765704870224, 0.14165160059928894, -0.019828544929623604, -0.0560540147125721, 0.12217970937490463, -0.1372269093990326, 0.2017894983291626, -0.1503038853406906, 0.08907502889633179, -0.012472910806536674, 0.11185827851295471, -0.15470482409000397, 0.13068561255931854, -0.0320880226790905, 0.021965134888887405, -0.027015842497348785, 0.03709908202290535, 0.031631987541913986, -0.07896345108747482, 0.1556505709886551, -0.16250862181186676, 0.17307104170322418, -0.11871101707220078, 0.08997359871864319, -0.03974263742566109, -0.001708067487925291, 0.032524146139621735, -0.048596736043691635, 0.07082381844520569, -0.08090430498123169, 0.09124872088432312, -0.0713919922709465, 0.06842905282974243, -0.09880045056343079, 0.13078662753105164, -0.10583676397800446, -0.01571417786180973, 0.09272792190313339, -0.11085078120231628, 0.059115562587976456, -0.045950740575790405, 0.0705009251832962, -0.10587656497955322, 0.07195533812046051, -0.049407318234443665, 0.01563349738717079, 0.005250201560556889, -0.07665687054395676, 0.060565512627363205, -0.032817237079143524, 0.01437113806605339, -0.08410575240850449, 0.1079305037856102, -0.07765432447195053, 0.008244460448622704, -0.00039667010423727334, -0.030057765543460846, 0.08116625249385834, -0.10609313100576401, 0.001165824825875461, 0.06709104776382446, -0.07681924104690552, 0.03686739131808281, -0.08623526245355606, 0.16280797123908997, -0.18289220333099365, 0.10065656900405884, -0.02373025380074978, -0.0319901704788208, 0.0497867725789547, -0.13794681429862976, 0.19664274156093597, -0.19606275856494904, 0.09189790487289429, -0.010013607330620289, -0.030627788975834846, -0.006124184932559729, 0.00022005382925271988, 0.024235017597675323, -0.03075416199862957, -0.03622861206531525, 0.011873331852257252, 0.04530820623040199, -0.09740479290485382, 0.052953679114580154, -0.02774946205317974, 0.010952753014862537, -0.04518305882811546, -0.01145295798778534, 0.035685982555150986, 0.007370596285909414, -0.1186450943350792, 0.10270002484321594, -0.008740161545574665, -0.07766149938106537, 0.03639976307749748, -0.02665836364030838, 0.03939022123813629, -0.058459166437387466, 0.006598894018679857, 0.0037003476172685623, -0.029678979888558388, 0.03913717344403267, -0.060132235288619995, 0.038263168185949326, -0.03613591566681862, 0.07620250433683395, -0.13968238234519958, 0.07034457474946976, 0.05961206555366516, -0.12362789362668991, 0.02470814250409603, 0.04602990299463272, -0.007085204590111971, -0.040898293256759644, 0.0009828441543504596, 0.02652048133313656, -0.0007835561409592628, -0.0490027479827404, 0.027829373255372047, 0.013620820827782154, -0.027363263070583344, 0.020903943106532097, -0.051271867007017136, 0.0501859225332737, 0.01842246949672699, -0.07615865767002106, 0.08940917998552322, -0.03683212026953697, -0.009852229617536068, -0.013935533352196217, 0.06987587362527847, -0.11099502444267273, 0.0810384601354599, 0.04876520857214928, -0.12756256759166718, 0.0723911002278328, -0.005712523590773344, 0.044224049896001816, -0.07287952303886414, 0.014857351779937744, 0.03230666741728783, -0.015179760754108429, -0.016157815232872963, 0.005411223508417606, 0.013194162398576736, 0.006948424503207207, -0.023248277604579926, -0.020532261580228806, 0.0850822925567627, -0.07957218587398529, 0.0660393089056015, -0.046923208981752396, 0.03380094841122627, -0.006561633665114641, -0.026974834501743317, 0.02565358579158783, 0.02007007971405983, -0.05651178956031799, 0.025312501937150955, 0.054398633539676666, -0.08839034289121628, 0.0557125061750412, 0.004954461473971605, -0.006509049795567989, 0.02785932458937168, -0.07271350175142288, 0.059638168662786484, 0.011286549270153046, -0.07701744139194489, 0.06601124256849289, -0.06202857568860054, 0.09210070967674255, -0.06541191041469574, -0.01919236220419407, 0.0772593542933464, -0.06746626645326614, 0.05054411292076111, -0.10508061945438385, 0.1490718275308609, -0.13149426877498627, 0.06186026707291603, 0.0006825400632806122, -0.053651344031095505, 0.10364436358213425, -0.16629336774349213, 0.16275085508823395, -0.05905712768435478, -0.01608114317059517, 0.04116128012537956, -0.06764449924230576, 0.06479538977146149, -0.06611354649066925, 0.07555489242076874, -0.1324327290058136, 0.17424876987934113, -0.11559602618217468, 0.016935816034674644, 0.054905496537685394, -0.08539047092199326, 0.13108323514461517, -0.1939636468887329, 0.18520213663578033, -0.08583864569664001, 0.01257736049592495, -0.009016437456011772, 0.016931237652897835, 0.028084516525268555, -0.05927267298102379, 0.0741562768816948, -0.09457102417945862, 0.09934085607528687, -0.09617605060338974, 0.05489036440849304, 0.05888696014881134, -0.13496747612953186, 0.09063399583101273, 0.0002137875562766567, -0.06846033781766891, 0.07275853306055069, -0.02158956229686737, -0.03245357796549797, 0.06586749106645584, -0.04565552994608879, -0.0012255364563316107, 0.017469225451350212, -0.04947695881128311, 0.08745981007814407, -0.1070149838924408, 0.07980016618967056, -0.05098583176732063, 0.03644827380776405, -0.023890286684036255, -0.0370967797935009, 0.08165761083364487, -0.11285462975502014, 0.1440642923116684, -0.15154506266117096, 0.1386394500732422, -0.12790685892105103, 0.10366106033325195, -0.05185164883732796, -0.046608779579401016, 0.08072683215141296, -0.05610939860343933, 0.0533745102584362, -0.06774327158927917, 0.06821265816688538, -0.027782894670963287, 0.04413755610585213, -0.1102883517742157, 0.13012786209583282, -0.09607024490833282, 0.062294185161590576, -0.035890161991119385, 0.026766428723931313, 0.0007197793456725776, -0.061970505863428116, 0.1607416570186615, -0.19897417724132538, 0.18075695633888245, -0.13778574764728546, 0.10681360960006714, -0.03254997357726097, -0.10382445156574249, 0.1569042056798935, -0.10080832988023758, 0.09284163266420364, -0.10511527955532074, 0.0918441191315651, -0.05694757029414177, 0.08009541779756546, -0.0740726962685585, 0.04591205343604088, 0.03547673299908638, -0.09938719123601913, 0.12227825075387955, -0.11983820050954819, 0.0682654157280922, -0.031484004110097885, 0.0821337178349495, -0.12109950184822083, 0.10627295821905136, -0.02356768399477005, 0.03777044638991356, -0.06420157104730606, 0.008643454872071743, 0.02381284534931183, 0.022030942142009735, -0.08496740460395813, 0.057733017951250076, -0.005580854136496782, 0.02043910138309002, 0.028576791286468506, -0.12274801731109619, 0.15992465615272522, -0.08918643742799759, -0.0015417580725625157, 0.032701652497053146, -0.05853879824280739, 0.08717871457338333, -0.11344101279973984, 0.06793700903654099, 0.0032017501071095467, -0.006605254951864481, 0.021953057497739792, -0.06452935189008713, 0.05288846045732498, 0.018762798979878426, -0.08970797061920166, 0.07258976995944977, -0.03567282482981682, 0.07407161593437195, -0.11503414064645767, 0.12029477208852768, -0.09070078283548355, 0.049812205135822296, 0.015537094324827194, -0.10994964092969894, 0.1314542293548584, -0.04282025620341301, -0.02171160839498043, -0.05439741536974907, 0.11326649785041809, -0.042364269495010376, -0.06747584789991379, 0.07962769269943237, 0.03658100217580795, -0.107073113322258, 0.05471865460276604, -0.007015226408839226, 0.00290261791087687, -0.030012162402272224, -0.002346096793189645, 0.07629471272230148, -0.0824270248413086, 0.018455745652318, 0.022867439314723015, -0.0015643108636140823, -0.004656746052205563, -0.054265134036540985, 0.07697493582963943, -0.035139843821525574, 0.014320995658636093, -0.06363368779420853, 0.1327090710401535, -0.12287339568138123, 0.03817683830857277, 0.03594731539487839, -0.08268798142671585, 0.12591709196567535, -0.19752255082130432, 0.2440161257982254, -0.17527653276920319, 0.017418846487998962, 0.14040254056453705, -0.19910940527915955, 0.16493698954582214, -0.08759897202253342, -0.027296001091599464, 0.10566698759794235, -0.15719735622406006, 0.1652284413576126, -0.08429666608572006, -0.059757936745882034, 0.1738131195306778, -0.16251909732818604, 0.058978572487831116, 0.0058489046059548855, -0.025575699284672737, 0.04437128081917763, -0.13636907935142517, 0.14927859604358673, -0.028030531480908394, -0.06924568861722946, 0.06351859122514725, 0.018998440355062485, -0.10427331179380417, 0.08171671628952026, 0.01231830008327961, -0.0993502289056778, 0.13806696236133575, -0.16485989093780518, 0.11569065600633621, 0.025607317686080933, -0.1373329609632492, 0.13749830424785614, -0.059706911444664, -0.012544838711619377, 0.006717388983815908, -0.04049007594585419, 0.051528505980968475, 0.002933691954240203, -0.07720313966274261, 0.04855614900588989, 0.04090014100074768, -0.07482219487428665, 0.07408472895622253, -0.0787154957652092, 0.0647222027182579, -0.02184964157640934, -0.059141889214515686, 0.06661197543144226, -0.00038371013943105936, -0.049553919583559036, 0.03534438833594322, 0.005115947220474482, -0.01937282457947731, 0.0650704875588417, -0.12151816487312317, 0.10317987203598022, 0.07379413396120071, -0.24250875413417816, 0.1292239874601364, 0.09686873853206635, -0.17778466641902924, 0.06400410085916519, 0.025975029915571213, 0.016336917877197266, -0.014080457389354706, -0.0420653373003006, 0.019479751586914062, 0.07861795276403427, -0.12822233140468597, 0.08810903131961823, -0.07951436191797256, 0.04817672818899155, 0.02908024936914444, -0.09267270565032959, 0.07831969857215881, 0.02274407632648945, -0.056015338748693466, -0.03707897290587425, 0.17728331685066223, -0.2221861481666565, 0.0862046554684639, 0.04676258936524391, -0.0557088702917099, -0.00256721512414515, -0.032990261912345886, 0.11603247374296188, -0.04426901414990425, -0.08804355561733246, 0.10390174388885498, 0.01642121747136116, -0.0850495845079422, -0.021299801766872406, 0.12784816324710846, -0.12540780007839203, 0.05741618201136589, -0.004160253796726465, -0.04217782989144325, 0.05801456421613693, -0.0409882590174675, -0.011621563695371151, 0.08894665539264679, -0.04722205176949501, -0.065247543156147, 0.08741327375173569, -0.03870956972241402, -0.000854456564411521, -0.033421311527490616, -0.013170148245990276, 0.09445373713970184, -0.04957934468984604, -0.060531750321388245, 0.07663971185684204, 0.02695801667869091, -0.050596997141838074, -0.04568246379494667, 0.07701460272073746, 0.025209389626979828, -0.07943666726350784, 0.012972387485206127, 0.003956358414143324, -0.002126779407262802, -0.002668122062459588, 0.006158063653856516, 0.012842237018048763, -0.006346028298139572, 0.0013666237937286496, -0.009215082041919231, 0.01807871274650097, -0.05275265872478485, 0.043193042278289795, 0.05289997160434723, -0.09055719524621964, 0.007733368780463934, 0.049342088401317596, -0.04934753105044365, 0.022452376782894135, -0.03197610750794411, 0.013654753565788269, 0.04873671010136604, -0.043781381100416183, -0.034136075526475906, 0.069327212870121, -0.003615309251472354, -0.0373167060315609, -0.034373704344034195, 0.04945840686559677, 0.00532945292070508, -0.06195574626326561, 0.040909357368946075, 0.016668297350406647, -0.023218272253870964, 0.0031678341329097748, 0.03006233088672161, -0.04568731039762497, 0.03170781955122948, 0.011248772032558918, -0.09792914241552353, 0.06073065102100372, 0.027774730697274208, -0.025587202981114388, -0.05816343426704407, 0.14617016911506653, -0.05202263593673706, -0.06333427876234055, 0.04389306530356407, 0.013275817967951298, -0.05833858624100685, -0.028348490595817566, 0.08989772200584412, 0.0032328676898032427, -0.08123839646577835, 0.056808628141880035, 0.09415736049413681, -0.12774161994457245, 0.009996775537729263, 0.07586359232664108, -0.05439272150397301, -0.0722162052989006, 0.05424058437347412, -0.012060053646564484, 0.03149444982409477, -0.00892857275903225, -0.012982286512851715, 0.05511962249875069, 0.032325003296136856, -0.08513247966766357, -0.00973143894225359, 0.06201479211449623, -0.014447919093072414, -0.1054241955280304, 0.06800229102373123, 0.0727233812212944, -0.08148117363452911, -0.009302799589931965, 0.06614476442337036, 0.04830090329051018, -0.1137976348400116, 0.06904637068510056, 0.028527259826660156, -0.04511047899723053, -0.01794007420539856, 0.029336905106902122, -0.013769780285656452, 0.01132162380963564, -0.014231187291443348, 0.014722536318004131, 0.017720017582178116, -0.04211995378136635, 0.06757596880197525, 0.009009222500026226, -0.06875677406787872, 0.05312376469373703, 0.007159923668950796, -0.0026843813247978687, -0.03396548703312874, 0.03501046076416969, 0.04812013357877731, -0.05564895644783974, -0.03809952735900879, 0.07320675253868103, 0.0029854034073650837, -0.053997837007045746, 0.02302497997879982, 0.030804650858044624, -0.0027739545330405235, -0.007822644896805286, 0.013905455358326435, 0.02996811829507351, -0.01695762760937214, -0.010906405746936798, 0.03877249360084534, -0.037225142121315, -0.0036080803256481886, 0.016826080158352852, 0.0018904117168858647, -0.011516963131725788, 0.021190138533711433, -0.00089429592480883, 0.02982577495276928, -0.011771713383495808, 0.005661947652697563, 0.025596018880605698, -0.02971694804728031, 0.004162521101534367, -0.0025809663347899914, -0.009118667803704739, 0.015184967778623104, -0.003677635220810771, -0.00435424642637372, 0.022558214142918587, 0.006520542316138744, -0.01312701404094696, 0.021352484822273254, 0.011973545886576176, -0.023644398897886276, 0.010806567035615444, 0.011275049299001694, -0.013403601944446564, -0.0008358291815966368, -0.0035740642342716455, 0.015511208213865757, 0.00861284602433443, -0.010202798061072826, 0.015439480543136597, -0.0005143192247487605, -0.0015301150269806385, 0.011672859080135822, -0.012447131797671318, 0.011104614473879337, 0.004941710736602545, -0.007078753784298897, 0.011456678621470928, -0.012300537899136543, 0.008669878356158733, -0.013754007406532764, 0.022746216505765915, -0.01894986815750599, 0.017061805352568626, 0.007269923109561205, -0.00913994386792183, 0.006505638360977173, -0.005995595827698708, 0.011612802743911743, 0.0008647031500004232, -0.008462745696306229, 0.00780565245077014, -0.0013326170155778527, -0.008081392385065556, 0.019050301983952522, -0.019127562642097473, 0.011371521279215813, 0.002272035228088498, 0.0006645335233770311, 0.0029431884177029133, -0.004496889654546976, 0.00541340559720993, 0.008094915188848972, -0.014803954400122166, 0.012073804624378681, -0.002900975989177823, -0.0016794512048363686, 0.003976030740886927, -0.0026244933251291513, -0.004965745843946934, 0.010282094590365887, 0.0012857632245868444, -0.007128549739718437, 0.005879322532564402, 0.006393523421138525, -0.013970520347356796, 0.005967696197330952, 0.0031228377483785152, -0.003064503660425544, 0.0011893565533682704, -0.005889488384127617, 0.009737917222082615, -0.006881364155560732, -0.003951323218643665, 1.6229265611400479e-06, 0.007928942330181599, -0.00897838082164526, -0.0031795173417776823, 0.008131596259772778, -0.00717661390081048, 0.006039835978299379, -0.011665433645248413, -0.0032260706648230553, 0.018355118110775948, -0.016662830486893654, -0.005962915252894163, 0.011494748294353485, -0.007018249947577715, 0.006338238716125488, -0.017665086314082146, 0.015867138281464577, -0.011000389233231544, -0.0027902715373784304, 0.007615633774548769, -0.007416330743581057, 0.001987509662285447, -0.007586227729916573, 0.012145609594881535, -0.014261752367019653, 0.0030338047072291374, 0.013240327127277851, -0.022487495094537735, 0.010829615406692028, -0.0028699878603219986, -0.0020826729014515877, 0.0034513454884290695, -0.010666491463780403, 0.009743492119014263, -0.0014238407602533698, -0.007556992117315531, 0.009468029253184795, -0.0009128701058216393, -0.008554552681744099, 0.005435453727841377, -0.0046056765131652355, 0.005101770628243685, -0.0060653723776340485, -0.0027312973979860544, 0.005389722529798746, -0.00471080094575882, 0.0032296774443238974, -0.0034146050456911325, 0.004055576864629984, 0.000835952814668417, -0.006028087809681892, 0.0008744713850319386, 0.0027449303306639194, -0.001121383742429316, -0.010864285752177238, 0.004940411541610956, 0.006438125856220722, -0.010512380860745907, -0.0015954235568642616, 0.00544598326086998, 0.0018026204779744148, -0.0013893257128074765, -0.006828356068581343, 0.008388473652303219, -0.0012674329336732626, -0.005058185197412968, 0.00037152570439502597, -0.0027006135787814856, 0.0008198193972930312, 0.0009714427869766951, -0.003720179433003068, -0.0021054402459412813, 0.011767040006816387, -0.008257989771664143, -0.00029787133098579943, 0.008672019466757774, -0.01488010585308075, 0.01034120749682188, -0.008985470049083233, 0.003943095449358225, -0.008580517023801804, 0.0050841933116316795, 0.0017470275051891804, -0.0022887715604156256, 0.0016019102185964584, -0.002288782736286521, 0.0071178399957716465, -0.008497730828821659, 0.001460961764678359, -0.010576849803328514, 0.010974259115755558, -0.005008775275200605, -0.007122463081032038, 0.008581962436437607, -0.004663047846406698, 0.003302974859252572, -0.004106907639652491, 0.0053317975252866745, -0.009708511643111706, 0.00403390871360898, 0.0015502127353101969, -0.010338004678487778, 0.01239936612546444, -0.011973485350608826, 0.008337792009115219, -0.008392106741666794, 0.0046614231541752815, -0.0044591776095330715, -0.004305289592593908, 0.008318964391946793, -0.009880805388092995, 0.007747793570160866, -0.014450511895120144, 0.013371889479458332, -0.010462219826877117, -0.003246770240366459, 0.0020612492226064205, 0.0031952345743775368, -0.010557020083069801, 0.0028201695531606674, 0.00351143442094326, -0.014516543596982956, 0.010877735912799835, -0.006703933700919151, -0.002514922060072422, -0.0017722821794450283, 0.003931331913918257, -0.004369017202407122, 0.00016273405344691128, -0.006599179469048977, 0.0034589108545333147, -0.0034391069784760475, -0.0023464090190827847, 0.0035509441513568163, -0.006408496759831905, 0.0004254209343343973, -0.003707064315676689, 0.005041728261858225, -0.0077310241758823395, -0.004160160664469004, 0.008606196381151676, -0.00622327346354723, -0.0019073543371632695, -0.0008457448566332459, -0.002244391245767474, 0.004664161242544651, -0.00569563452154398, -0.0032176212407648563, 0.001972357975319028, 0.004576979670673609, -0.007494757417589426, -0.00202805083245039, -0.0025493332650512457, 0.010985858738422394, -0.009181337431073189, -0.004881412256509066, 0.007120242342352867, 0.0003240270889364183, -0.002660053549334407, 0.0004344753688201308, -0.0034339367412030697, 0.003226615721359849, 0.0030134012922644615, -0.00825831200927496, 0.0044538406655192375, 0.00016535661416128278, -0.0022354309912770987, -0.0016310580540448427, 0.00044045111280865967, 0.0043722414411604404, -0.006516572553664446, 0.0034435621928423643, 0.0006260928930714726, -0.0035193173680454493, -0.0014577023684978485, 0.003388526849448681, -0.0020154567901045084, 0.00010719171405071393, -0.0026699581649154425, 0.004188811872154474, 0.0014354637823998928, -0.008169067092239857, 0.009043600410223007, -0.00506071699783206, 0.005730219651013613, -0.004402294754981995, -0.0007422982016578317, 0.005049205385148525, -0.0016130143776535988, 0.0004959756042808294, 0.00322701851837337, -0.0027751801535487175, 0.0027621372137218714, 0.001577557297423482, -0.0026618363335728645, 0.002841056091710925, 0.0017008093418553472, 0.0015779422828927636, -0.0007790284580551088, 0.0014499914832413197, 0.0013243135763332248, 0.002691937843337655, -4.2623323679436e-05, -0.002642781473696232, 0.005961584858596325, -0.0017016571946442127, 0.000866828253492713, 0.0029026514384895563, -0.0008708854438737035, 0.005864810664206743, -0.00223501562140882, 0.0032163658179342747, 0.0014426378766074777, 0.0014129329938441515, 0.003780565457418561, -0.0008658998995088041, 0.0032237835694104433, -0.000398436764953658, 0.0044762808829545975, 0.0015816095983609557, -0.0003542178019415587, 0.004641114734113216, -0.0006417788099497557, 0.0020273413974791765, 0.003591199405491352, 0.00086933933198452, 0.0010084271198138595, 0.001565880374982953, 0.00340625224635005, 0.002150253625586629, 0.0016885247314348817, 0.002146101789548993, 0.0026152231730520725, 0.002893954748287797, 0.0025906150694936514, -0.0005525605520233512, 0.0026129765901714563, 0.003264958504587412, -0.002557582687586546, 0.005966296885162592, 0.0008006701245903969, 0.001023715827614069, 0.004991777241230011, 0.001594653120264411, -0.00033278745831921697, 0.0020809320267289877, 0.0011014619376510382, 0.0030583455227315426, -0.00214301492087543, 0.0005081005510874093, 0.006091014482080936, -0.0008663541520945728, 0.0018421277636662126, 0.003580695716664195, 0.0027807450387626886, -0.003084849799051881, 0.0039580268785357475, 0.0028692474588751793, -0.0019258001120761037, 0.0035587644670158625, -0.0006404190207831562, 0.004377697594463825, -0.00046709770685993135, 0.000960838224273175, 0.0021279158536344767, 0.0014650598168373108, 0.0014278446324169636, -0.0009342388366349041, 0.0024281663354486227, 0.0003187489346601069, 0.0008082817075774074, 0.0022143623791635036, 0.00017722661141306162, -0.00032874205498956144, 0.0009552508709020913, 0.003101394511759281, -0.0027942340821027756, -0.0002746877435129136, 0.0029609641060233116, -0.001203567604534328, 0.0009567152592353523, 0.002457977272570133, 5.49767428310588e-05, 0.0017464266857132316, -0.0004323672328609973, 0.004555321764200926, -0.0009620137861929834, 0.0007356475107371807, 0.0004952977178618312, 0.0020932364277541637, -0.0017670410452410579, 0.0012722688261419535, 0.00014977103273849934, 0.0005022729164920747, 0.002338011283427477, -0.0025551491416990757, 0.004394813906401396, 0.001460073166526854, -0.0015147238736972213, 0.004155367612838745, -0.0022312821820378304, 0.004331064410507679, 0.0002803353127092123, -0.0032858429476618767, 0.005747733172029257, 0.0007349406369030476, -0.003130575641989708, 0.003660129616037011, -0.0010884926887229085, 0.001527578802779317, -3.0975312256487086e-05, 0.001636345055885613, 0.0012353360652923584, -0.0006207593833096325, -0.0002416103525320068, 0.0003614604356698692, 0.001491208910010755, -0.00345096574164927, 0.0033718657214194536, -0.0010866668308153749, -0.00038654558011330664, 0.0007137742941267788, -0.0004681889258790761, 0.001908675767481327, -0.003053056774660945, 0.002103321487084031, 0.0006567741511389613, -0.0010014300933107734, 0.001231837784871459, -0.0005336281028576195, 0.002415587892755866, -0.0018876600079238415, 0.0005860333913005888, 0.003492559539154172, -0.0022082198411226273, 0.0019983062520623207, -6.0879025113536045e-05, 0.0012362557463347912, -0.00038613707874901593, 0.00032548944000154734, 0.00045669302926398814, 0.0007472055149264634, 0.0006757297669537365, -0.0010774313705042005, 0.0023622482549399137, -0.0009828461334109306, 0.000741790805477649, 0.0010536296758800745, -0.00041679435526020825, 0.0021371105685830116, 0.0011014268966391683, -0.001184608438052237, 0.0021713164169341326, -0.0006458289572037756, 0.0008761865901760757, 0.0005683075287379324, 0.0010731284273788333, -9.071646491065621e-05, 0.0019017579033970833, -0.0002332323492737487, 0.00037214611074887216, -0.00014229358930606395, 0.001414999715052545, -0.0006242094677872956, -0.0003908550424966961, 0.0018061823211610317, -0.0006275763153098524, -0.00020608666818588972, 0.0018625500379130244, 0.00011421173257986084, -0.0003594601294025779, 0.0006383406580425799, 5.715103179682046e-05, 0.0012578844325616956, -0.0021913056261837482, 0.002028764458373189, -0.0002220823080278933, -0.00039230912807397544, -0.000234787687077187, 0.0014274980640038848, 0.0010558465728536248, -0.0025243002455681562, 0.001995484111830592, 0.0006169549887999892, -0.0016947782132774591, 0.0020434206817299128, -0.0005572350928559899, -0.0008241739124059677, 0.0010639345273375511, 0.0006319147069007158, -0.0008237332804128528, 0.0004335802514106035, 0.0013561883242800832, -0.0007919932249933481, 0.0004909761482849717, -0.0005694876308552921, -0.0010350787779316306, 0.0007841589394956827, -0.00019140950462315232, 0.00016973871970549226, -0.0022398822475224733, 0.003284452250227332, -0.0008832018356770277, -0.0015945876948535442, 0.002553108148276806, -0.0007278307457454503, -0.0002969203924294561, -0.0005540676065720618, 0.00127409549895674, -0.0007291652145795524, -0.0015898720594123006, 0.002500123344361782, -0.0007794108241796494, 0.0001775359851308167, 0.0006918466533534229, -0.0007966943085193634, 0.0023080261889845133, -0.00314225978218019, 0.002733154222369194, 0.001605464261956513, -0.0033404785208404064, 0.0032542990520596504, 0.0004010401898995042, -0.0011133247753605247, 0.00010224775178357959, 0.00031131142168305814, 0.0014273545239120722, -0.0006769084720872343, -0.000294540252070874, -0.0001195178265334107, 0.002106796018779278, -0.0022805531043559313, -0.0002371529262745753, 0.0013137751957401633, -0.0012515140697360039, -1.7093609130824916e-05, -0.0014902146067470312, 0.00023925298592075706, -0.0001709301577648148, -0.0010629523312672973, -0.0003401000867597759, -0.0007567016873508692, 0.0003339624381624162, -0.0002323709340998903, -0.0015575090656057, -0.0002047623274847865, -0.0001650198973948136, -0.001141111133620143, 0.00018748175352811813, -0.0021262585651129484, 0.0005650034290738404, -0.0008270580437965691, -0.001982467481866479, 0.0003680506197270006, -0.002121726283803582, -0.0006918744766153395, -0.0016040118644014, -0.0003903582983184606, -0.0019459683680906892, -0.001940985326655209, 0.0006776696536689997, -0.0026690929662436247, -0.0035286375787109137, 0.00214831018820405, -0.002861953107640147, -0.002084390027448535, 0.00012843070726376027, -0.002281265100464225, -0.0006163857760839164, -0.0030131686944514513, -0.0003083351766690612, -0.0015272204764187336, -0.002934405580163002, -0.00016366974159609526, -0.0009373615030199289, -0.004289010539650917, 0.00037982480716891587, -0.0007943175733089447, -0.0029935555066913366, -0.0009199231280945241, -0.0018179896287620068, 0.00010093927994603291, -0.003533594310283661, -0.0006422250298783183, -0.00013853645941708237, -0.003081433242186904, -0.0007592444308102131, -0.0013095841277390718, -0.0019426014041528106, -0.0009939145529642701, -0.001945500378496945, -0.0017066155560314655, -0.0002664022904355079, -0.0031179829966276884, -0.0007918550982140005, -0.0007675849483348429, -0.0011867951834574342, -0.002420832635834813, -0.0020198500715196133, 0.0007704053423367441, -0.0029099443927407265, -0.0018540705787017941, -0.0010328404605388641, 2.807996679621283e-05, -0.0023742003832012415, -0.0014168412890285254, -0.0002615554549265653, -0.0011595821706578135, -0.002602154389023781, 0.0016141717787832022, -0.003252794034779072, 0.0006452537490986288, -0.0025444889906793833, 0.0009135119616985321, -0.0022840832825750113, -0.0006922758184373379, -0.0003368157194927335, -0.0019470746628940105, 0.0011858362704515457, -0.0034220179077237844, 0.0002513925719540566, -0.0009841060964390635, -0.0010261614806950092, -0.0009143701754510403, -0.0015569510869681835, -0.00022176017228048295, -0.00154782272875309, 0.00045821405365131795, -0.0036443374119699, 0.000809487362857908, -0.0009558614692650735, -0.0013691133353859186, -0.0006908367504365742, -0.0014550501946359873, -0.000135036651045084, -0.0022340661380439997, -0.00036112795351073146, -0.0012150596594437957, -0.0008712357375770807, -0.002096228301525116, 0.0013094194000586867, -0.0032167129684239626, -0.0004358593141660094, -0.0014857214409857988, -0.0019679188262671232, 0.000570807489566505, -0.0034162537194788456, -0.00040775840170681477, 0.00022757174156140536, -0.0024758758954703808, -0.0005178963765501976, -0.0012451841030269861, -0.0015640831552445889, -0.00010079897765535861, -0.000935954216402024, -0.0019794765394181013, 0.0012128239031881094, -0.0014607460470870137, -0.0007493745652027428, -0.000360644276952371, 9.704382682684809e-05, -0.0017231232486665249, 0.0003776006051339209, -0.0013521115761250257, -4.49162871518638e-05, 0.0005025149439461529, -0.0032056730706244707, 0.0022126000840216875, -0.0013906594831496477, -0.0012242841767147183, 6.487132486654446e-05, -3.392913276911713e-05, 9.66586812864989e-05, -0.0007757276762276888, -0.0007724932511337101, 0.0015118205919861794, -0.001924967742525041, -0.0012218068586662412, 0.0016782662132754922, -0.0014604916796088219, -0.0008476167568005621, 0.0013889844994992018, -0.001640428090468049, 0.0005951029015704989, -0.0005504526779986918, -0.0007938463240861893, 0.002206334611400962, -0.0026271359529346228, 0.0003542297054082155, 0.0018941117450594902, -0.0029131469782441854, 0.0020187587942928076, -0.001046236720867455, -0.0007589187589474022, 0.0010970208095386624, -0.002804639283567667, 0.0011482236441224813, -0.0024665831588208675, -0.00021935439144726843, 0.00024347897851839662, -0.0021991380490362644, 0.0010283759329468012, -0.0012041899608448148, -0.0008694569114595652, 0.0005896734655834734, -0.002179098082706332, -0.00041212886571884155, -0.0006284574628807604, -0.0007878642645664513, -0.0009471580851823092, -7.801540778018534e-05, 0.0008229078957810998, -0.000468164129415527, -0.0017107651801779866, 0.0015779271489009261, -0.0008916276856325567, -0.0022121553774923086, 0.0007112072198651731, -0.0011488277232274413, 0.00011363648081896827, -0.0019924070220440626, 0.0011550659546628594, 0.000504074152559042, -0.0013306154869496822, -0.00041505228728055954, 0.002299103420227766, -0.0026368231046944857, -0.00026842637453228235, 0.0008041849941946566, -0.0011579799465835094, 0.0016759283607825637, -0.0024292508605867624, 0.0018417997052893043, 9.317114745499566e-05, -0.003333943895995617, 0.002152425702661276, -0.0011421394301578403, -0.0005151297664269805, 0.00016078913176897913, -0.0016342196613550186, 0.00037912908010184765, -0.001604157267138362, -0.0011743309441953897, 0.0012850563507527113, -0.0022266178857535124, 0.00019182341929990798, 0.0008307787356898189, -0.002696122508496046, 0.0016370087396353483, -0.0014715205179527402, 0.000485861994093284, 3.229236608603969e-05, -0.0006445066537708044, 0.0007280569989234209, -0.0005024843267165124, -0.0016881059855222702, 0.0014862526440992951, -0.0007174364873208106, -0.0012643520021811128, 0.0010414680000394583, -0.0019382433965802193, 0.0005344869568943977, -2.5325844035251066e-05, -0.0007698785047978163, -0.00011327684478601441, -0.0011690572137013078, -0.0004388284869492054, -0.0004395628347992897, -0.002306120004504919, 0.000556190381757915, 0.00023548123135697097, -0.0019514751620590687, 0.0006679602083750069, -0.0023351963609457016, 6.710714660584927e-05, -0.0033992945682257414, -0.000384277431294322, -0.00025172802270390093, -0.0019436633447185159, -0.00018032216758001596, -0.0018869828199967742, 0.0011739336187019944, -0.002210889244452119, -0.001004603924229741, -0.0006690780865028501, -0.0014148000627756119, -0.0007952424348331988, -0.002626035362482071, -0.0008950225892476737, -0.0002701350022107363, -0.001676740008406341, -0.0022143640089780092, -0.00029335281578823924, -0.001900375820696354, -0.0029240595176815987, -0.0014761682832613587, -0.0021635289303958416, -0.0012289498699828982, -0.003779462305828929, -0.0011477365624159575, -0.002781872870400548, -0.00243479385972023, -0.0018693414749577641, -0.003009873442351818, -0.0020898613147437572, -0.0022417854052037, -0.002054778393357992, -0.003479711012914777, -0.0019680766854435205, -0.0034166593104600906, -0.0009107499499805272, -0.005162571556866169, -0.0018837028183043003, -0.0017748898826539516, -0.00383210857398808, -0.0012693285243585706, -0.003871331689879298, -0.0012020586291328073, -0.003424585796892643, -0.0023455757182091475, -0.0009944095509126782, -0.003219261299818754, -0.0016711108619347215, -0.0028134407475590706, -0.003022701945155859, -0.0030878419056534767, -0.002812302438542247, -0.0024829567410051823, -0.0019286246970295906, -0.0047557116486132145, -0.002747638849541545, -0.0022043022327125072, -0.004794865380972624, -0.0022289834450930357, -0.0044036502949893475, -0.002728902967646718, -0.002664729952812195, -0.004119515419006348, -0.001623173477128148, -0.003713391488417983, -0.0032946220599114895, -0.0027225585654377937, -0.002482166513800621, -0.002415161347016692, -0.0038195718079805374, -0.0016819376032799482, -0.0021883391309529543, -0.004081419203430414, -0.0022749423515051603, -0.0025679043028503656, -0.004168124403804541, -0.0026271811220794916, -0.004604418762028217, -0.0012766305590048432, -0.004887808579951525, -0.0037679357919842005, -0.002801380818709731, -0.005652615800499916, -0.0031407810747623444, -0.0034070638939738274, -0.004299798980355263, -0.005118642468005419, -0.003228586632758379, -0.0037885934580117464, -0.003451400436460972, -0.004997000563889742, -0.003072593593969941, -0.004705485887825489, -0.0038251078221946955, -0.00471018860116601, -0.004203336779028177, -0.0051660072058439255, -0.005255250260233879, -0.003811512142419815, -0.00479911221191287, -0.005916690453886986, -0.004669818561524153, -0.004661358892917633, -0.005610018502920866, -0.005778508726507425, -0.0053942580707371235, -0.0044883498921990395, -0.006178997457027435, -0.005168257746845484, -0.003748425515368581, -0.006687005516141653, -0.004175297450274229, -0.00577192846685648, -0.006069820374250412, -0.004708596970885992, -0.006310862489044666, -0.004817050416022539, -0.005654538981616497, -0.00559915229678154, -0.004966012202203274, -0.004972909577190876, -0.0052519566379487514, -0.004487105179578066, -0.004739274736493826, -0.005789926275610924, -0.004196040332317352, -0.007436057087033987, -0.004863974172621965, -0.004692286718636751, -0.007477037142962217, -0.004272786434739828, -0.007093867752701044, -0.004617065656930208, -0.005309831816703081, -0.007757966872304678, -0.0036347834393382072, -0.00671080406755209, -0.005984391551464796, -0.004979459568858147, -0.007491381373256445, -0.004502894822508097, -0.00764337508007884, -0.005114221479743719, -0.004828137811273336, -0.005246354267001152, -0.0052793934009969234, -0.005016304552555084, -0.005587246268987656, -0.006047362927347422, -0.004527464509010315, -0.00545151624828577, -0.005295954644680023, -0.005375893786549568, -0.006293897517025471, -0.005358346272259951, -0.006640286650508642, -0.005839540623128414, -0.005621880292892456, -0.007609521970152855, -0.006250615697354078, -0.007187852635979652, -0.006565162446349859, -0.005871949717402458, -0.006637789309024811, -0.006712468806654215, -0.0052596512250602245, -0.006820828188210726, -0.005984168965369463, -0.004741507116705179, -0.005477466620504856, -0.003142972942441702, -0.005022445693612099, -0.004450908862054348, -0.003514933632686734, -0.00504343630746007, -0.0027673181612044573, -0.0033686868846416473, -0.003698740154504776, -0.0035819574259221554, -0.002308871829882264, -0.003627276048064232, -0.0032099077943712473, -0.0031162789091467857, -0.0037887583021074533, -0.0009654273162595928, -0.004645844455808401, -0.001828417181968689, -0.0021056258119642735, -0.002346817869693041, -0.0017507273005321622, -0.002145505277439952, -0.002167303813621402, -0.0015850361669436097, -0.003126717172563076, -0.0005311966524459422, -0.002929648384451866, -0.0015344726853072643, -0.0012636336032301188, -0.0023044084664434195, -0.0006023626774549484, -0.0017274442361667752, -0.0010993218747898936, -0.0010214877547696233, -0.0013579168589785695, -0.00150771951302886, -0.00024629643303342164, -1.8374141291133128e-05, -0.00046935875434428453, -0.0008768177940510213, -0.0010233012726530433, -8.724351937416941e-05, -0.0006161265191622078, 0.00036940601421520114, 0.0009981279727071524, -0.0005361577495932579, 0.0005327147664502263, 0.0011230431264266372, 0.0007954275934025645, -0.0011386963305994868, 0.0012003089068457484, 0.0002645151689648628, 0.0007965099066495895, 0.0005692205741070211, 0.0022421625908464193, 0.0015171472914516926, 0.0007180559914559126, 0.0011093028588220477, 0.002563432091847062, 0.0018543307669460773, 0.0007440339541062713, 0.0025582893285900354, 0.001509793451987207, 0.0018975049024447799, 0.00240513077005744, 0.002223435090854764, 0.0012869394849985838, 0.0020192158408463, 0.002914027776569128, 0.002207439858466387, 0.0031907265074551105, 0.004094114992767572, 0.00290748686529696, 0.0038402285426855087, 0.004392675124108791, 0.0030047940090298653, 0.00205681542865932, 0.006861390080302954, 0.0057023451663553715, 0.00485591497272253, 0.003239274490624666, 0.004084219690412283, 0.004521574359387159, 0.003009926760569215, 0.004548371769487858, 0.0049536991864442825, 0.0033240700140595436, 0.005461589433252811, 0.0038910561706870794, 0.0055249957367777824, 0.004089871887117624, 0.0055149574764072895, 0.005960616748780012, 0.005327696446329355, 0.006525532808154821, 0.006321213208138943, 0.006352219730615616, 0.006907766684889793, 0.00694348243996501, 0.007280360441654921, 0.00673338258638978, 0.006783267017453909, 0.005491781514137983, 0.007350414525717497, 0.006946160923689604, 0.006200529169291258, 0.0063348920084536076, 0.005981115158647299, 0.006047700997442007, 0.005699490197002888, 0.0044979616068303585, 0.004283267538994551, 0.005718930158764124, 0.004151421599090099, 0.004803765099495649, 0.003710965858772397, 0.0041832211427390575, 0.005245105363428593, 0.00444025220349431, 0.007283854763954878, 0.005282902624458075, 0.005090594757348299, 0.005428563337773085, 0.0040697674266994, 0.005049130413681269, 0.005436379928141832, 0.003136088838800788, 0.005187429022043943, 0.005557278171181679, 0.004777205642312765, 0.005671924911439419, 0.004676306154578924, 0.005701943766325712, 0.004632571246474981, 0.004856326151639223, 0.002191634150221944, 0.006172314751893282, 0.0057419599033892155, 0.004647132940590382, 0.005201324820518494, 0.0025501458439975977, 0.005941321607679129, 0.004776923451572657, 0.005075654946267605, 0.0047118994407355785, 0.004435245413333178, 0.005088692530989647, 0.0025826620403677225, 0.004616186022758484, 0.0032353943679481745, 0.004825233947485685, 0.005325511563569307, 0.005019454751163721, 0.005298565607517958, 0.005773032084107399, 0.00480393273755908, 0.0023196085821837187, 0.005234836600720882, 0.006176602561026812, 0.004279847722500563, 0.004923847503960133, 0.003944067750126123, 0.004395725671201944, 0.004139905329793692, 0.002095165429636836, 0.0011938303941860795, 0.0024960085283964872, 5.578222408075817e-05, 0.004499263595789671, 0.0031629556324332952, 0.0008365942048840225, 0.0012721266830340028, 0.002601038897410035, 0.0013969562714919448, 0.003162483684718609, 0.0025766375474631786, 0.0026716659776866436, 6.107163790147752e-05, 0.0010678087128326297, 0.002212769817560911, 0.002892414340749383, 0.0012658858904615045, 0.0012461146106943488, 0.0026687600184231997, 0.003611090127378702, 0.0035783855710178614, 0.0014848657883703709, 0.0013105206890031695, 0.0008289881516247988, 0.0022135574836283922, 0.0024102528113871813, 0.0010944941313937306, -0.000289801973849535, 0.0037349972408264875, 0.0011277989251539111, -0.00026334443828091025, 0.002394989365711808, 0.0016336044063791633, 0.0003435602702666074, 0.002967248437926173, 0.003280402161180973, 0.000633375660981983, 0.0018447163747623563, 0.004582925233989954, 0.001275533577427268, 0.002216152846813202, 0.004299200605601072, 0.003985914867371321, 0.005178564228117466, 0.0017734495922923088, 0.003928394988179207, 0.003805982880294323, 0.0006886301562190056, 0.0011647103819996119, 0.0026134841609746218, 0.0010212657507508993, 0.0016019113827496767, 0.0009733555489219725, -0.0001466987159801647, 0.002117400523275137, 0.003418914508074522, 0.0015242390800267458, 0.0011456605279818177, 0.0009505767375230789, 0.0009414217784069479, 0.0027219161856919527, 0.0012020537396892905, 0.001387857599183917, 0.002341548213735223, 0.003208206035196781, -0.0011358220363035798, 0.0021251572761684656, 0.0031090343836694956, 0.0034440818708389997, 0.002855876460671425, 0.004424362443387508, 0.0035809928085654974, 0.000335076852934435, 0.004266893025487661, 0.002207182114943862, 0.0042432500049471855, 0.0022655229549854994, 0.0038846228271722794, 0.0037223484832793474, 0.002456116722896695, 0.005101925693452358, 0.0029947771690785885, 0.0037571024149656296, 0.002025212859734893, 0.002416831674054265, 0.005590108223259449, 0.0031423671171069145, 0.0038137424271553755, 0.003891712985932827, 0.00297276652418077, 0.0031824114266783, 0.00281834090128541, 0.002055591670796275, 0.00030772891477681696, 0.0037121803034096956, 0.0034718045499175787, 0.0017804322997108102, 0.0026209803763777018, 0.002738538896664977, 0.0028658686205744743, 0.003996740095317364, 0.0033678566105663776, 0.003692725906148553, 0.004540625028312206, 0.0016373867401853204, 0.0030707367695868015, 0.0031002091709524393, 0.0038275972474366426, 0.0018659621709957719, 0.0021522431634366512, 0.004338535014539957, 0.0037665243726223707, 0.004644052591174841, 0.004385016392916441, 0.003854949725791812, 0.004794517997652292, 0.0030674838926643133, 0.003907317761331797, 0.0020019577350467443, 0.0033903683070093393, 0.0023348156828433275, 0.006032382138073444, 0.006779976189136505, 0.003551855683326721, 0.005494941957294941, 0.0024385913275182247, 0.0058741820976138115, 0.0029016989283263683, 0.0024424022994935513, 0.0022374142426997423, 0.004181539174169302, 0.003295844653621316, 0.00440617511048913, 0.005514606833457947, 0.003600616240873933, 0.002565776463598013, 0.004738106857985258, 0.0031250978354364634, 0.0011439769295975566, 0.0017833950696513057, 0.0020452416501939297, 0.0011517590610310435, 0.0027065479662269354, 0.0026753973215818405, 0.0028299603145569563, 0.0035694309044629335, 0.001459693186916411, 0.0023383537773042917, 0.0013584288535639644, 0.0016407993389293551, 0.004983831197023392, 0.0072657261043787, 0.006731968838721514, 0.003233598778024316, 0.004098477307707071, 0.004968584049493074, 0.0005319637130014598, 0.0023588070180267096, 0.0013822102919220924, 0.0032445969991385937, 0.003582522040233016, 0.0028616341296583414, 0.00472941854968667, 0.006531830411404371, 0.0005928676109761, 0.006444643717259169, -0.0003961690526921302, 0.002470625564455986, 0.0010330170625820756, 0.002335367724299431, 0.00025333723169751465, -0.005001710262149572, -0.005950924474745989, -0.010654737241566181, -0.009590668603777885, -0.004702079575508833, 0.008645103313028812, 0.03652027249336243, 0.05987388268113136, 0.09398883581161499, 0.2124468982219696, 0.21637238562107086, 0.16451211273670197, -0.029524169862270355, -0.0972789004445076, -0.07556581497192383, -0.1609049141407013, -0.07939645648002625, 0.038790587335824966, 0.13384167850017548, 0.15716184675693512, 0.0890524610877037, 0.12154123187065125, 0.0348137803375721, -0.09812307357788086, -0.16021937131881714, -0.15389452874660492, -0.0957733765244484, -0.010121803730726242, 0.09522248059511185, 0.19787795841693878, 0.18677566945552826, 0.06699304282665253, -0.0325523279607296, -0.12277156859636307, -0.18176299333572388, -0.1523679494857788, -0.025359855964779854, 0.12298163771629333, 0.22913777828216553, 0.2131742388010025, 0.18808972835540771, 0.06886231154203415, -0.05584372207522392, -0.09758538007736206, -0.10283763706684113, -0.0791613832116127, -0.034114863723516464, 0.07970573753118515, 0.1295849084854126, 0.12318229675292969, 0.1078633964061737, 0.07636597752571106, 0.020835936069488525, -0.07055684179067612, -0.07477256655693054, -0.05682414770126343, -0.028636811301112175, 0.027108078822493553, 0.08705324679613113, 0.10377223789691925, 0.04165355861186981, -0.03623003885149956, -0.11546843498945236, -0.12929369509220123, -0.13128995895385742, -0.0840631052851677, -0.005042589735239744, 0.06980643421411514, 0.09548912197351456, 0.09395755082368851, 0.045711517333984375, 0.00043273234041407704, -0.061205942183732986, -0.11691057682037354, -0.11016804724931717, -0.10357631742954254, -0.015783732756972313, 0.03967510536313057, 0.08868630975484848, 0.07567378878593445, 0.05651116743683815, 0.03718904033303261, -0.037097662687301636, -0.0594247542321682, -0.02803747169673443, 0.02262355387210846, 0.07670717686414719, 0.1397988349199295, 0.1783016473054886, 0.21408474445343018, 0.12172625213861465, 0.04380989447236061, -0.040649596601724625, -0.10970542579889297, -0.11510420590639114, -0.07663412392139435, -0.012362022884190083, 0.06731410324573517, 0.08619142323732376, 0.06460204720497131, 0.04725814238190651, 0.001685363706201315, -0.06499317288398743, -0.11990352720022202, -0.10723350197076797, -0.08084984868764877, -0.02400382049381733, -0.0024210333358496428, 0.03997752442955971, 0.05129188671708107, 0.011754815466701984, -0.02321796678006649, -0.10114885121583939, -0.10049650818109512, -0.06592728942632675, -0.040233030915260315, 0.03705943748354912, 0.08785984665155411, 0.12976710498332977, 0.11144208908081055, 0.06195710971951485, 0.01398926880210638, -0.033675115555524826, -0.0802927166223526, -0.09125456213951111, -0.059760887175798416, 0.007434254977852106, 0.022577278316020966, 0.06787460297346115, 0.06383384764194489, 0.016175227239727974, -0.04696355760097504, -0.07336986064910889, -0.10842902213335037, -0.10230020433664322, -0.07345752418041229, -0.053967926651239395, 0.01637566275894642, -0.0018450386123731732, 0.0018090385710820556, -0.0038993561174720526, -0.013746903277933598, -0.029258595779538155, -0.10529760271310806, -0.07579538226127625, -0.05398806929588318, -0.05753133073449135, -0.0066604227758944035, 0.030894465744495392, 0.03204390034079552, -0.0015861880965530872, 0.027074189856648445, -0.03856862336397171, -0.07857456058263779, -0.09395153820514679, -0.05735895410180092, -0.04950156807899475, -0.04956189543008804, 0.02372216433286667, 0.04476552829146385, 0.0026995018124580383, -0.0013480921043083072, -0.015937190502882004, 0.011809874325990677, -0.0638919472694397, -0.06503484398126602, -0.05132489278912544, -0.029211662709712982, -0.012658932246267796, -0.028514377772808075, 0.005487656220793724, -0.025856919586658478, -0.017821073532104492, -0.04211586341261864, -0.04309681057929993, -0.024044528603553772, -0.03221658244729042, -0.010295135900378227, 0.016963377594947815, 0.01625564694404602, 0.03639546409249306, 0.04279336705803871, 0.05325646325945854, 0.06141794100403786, 0.06637420505285263, 0.03266775235533714, 0.0292473416775465, 0.019456569105386734, 0.02430918999016285, 0.008528224192559719, -0.009329886175692081, 0.007699331734329462, -0.006872698664665222, -0.03036327473819256, -0.005679834634065628, -0.030463285744190216, -0.017352040857076645, -0.01900441385805607, -0.03810020908713341, -0.004064796958118677, -0.016644882038235664, -0.0271327942609787, -0.02792191319167614, -0.016234125941991806, -0.015979520976543427, -0.01734016090631485, -0.017572255805134773, 0.005896761082112789, 0.01494577620178461, 0.009918841533362865, 0.012806916609406471, 0.021674983203411102, 0.014250793494284153, -0.00035881693474948406, 0.017878925427794456, 0.03287995979189873, 0.021117955446243286, 0.03408098965883255, 0.024981921538710594, 0.01869228668510914, 0.021174190565943718, -0.0016698278486728668, -0.010446649976074696, 0.00547830993309617, 0.0016164686530828476, -0.005828158464282751, 0.00017549176118336618, 0.0038777096197009087, 0.008750345557928085, 0.015092131681740284, -0.016085004433989525, -0.02391441911458969, -0.027715690433979034, -0.04594569280743599, -0.047804757952690125, -0.03648089990019798, -0.014192506670951843, -0.007068786770105362, -0.001518967212177813, -0.021874604746699333, -0.028515784069895744, -0.019382072612643242, -0.026049161329865456, -0.026674563065171242, -0.02103359065949917, -0.006394188851118088, -0.009715859778225422, -0.014228188432753086, 0.0006069479859434068, -0.0005368972779251635, -0.013102787546813488, -0.02294722944498062, -0.030723562464118004, -0.039121367037296295, -0.0318763442337513, -0.025147976353764534, -0.021564876660704613, -0.012467855587601662, 0.0023551073390990496, 0.0021956523414701223, -0.015765558928251266, -0.03752834349870682, -0.03339370712637901, -0.04263665899634361, -0.04014376923441887, -0.028016645461320877, -0.03602859750390053, -0.018670639023184776, -0.022167786955833435, -0.022015990689396858, -0.014304227195680141, -0.015898315235972404, -0.01893460564315319, -0.029169872403144836, -0.035389408469200134, -0.04527583718299866, -0.03316911309957504, -0.03950967639684677, -0.01620403490960598, -0.0043029868975281715, -0.009321186691522598, -0.009713620878756046, -0.02898351289331913, -0.027671033516526222, -0.032628003507852554, -0.031647030264139175, -0.04045044630765915, -0.024530481547117233, -0.02063065581023693, -0.018618915230035782, -0.006668781861662865, -0.013946362771093845, -0.0011850303271785378, -0.003915803041309118, -0.011950952000916004, 0.0024420239496976137, 0.009557293727993965, 0.005187465343624353, 0.019469326362013817, 0.02881317399442196, 0.03778913617134094, 0.0350521095097065, 0.04042508080601692, 0.0498381033539772, 0.04796209931373596, 0.054364077746868134, 0.047101762145757675, 0.05059933662414551, 0.04610541835427284, 0.035058531910181046, 0.03991284221410751, 0.023691676557064056, 0.033487048000097275, 0.03169060871005058, 0.03380152955651283, 0.031645748764276505, 0.02578825131058693, 0.015711667016148567, -0.01453101821243763, -0.02441791072487831, -0.021450405940413475, -0.03263583779335022, -0.028958387672901154, -0.01331113837659359, 0.004508466925472021, 0.008539960719645023, 0.010213225148618221, 0.004942654632031918, 0.002681705169379711, -0.011984416283667088, -0.010531504638493061, -0.002624393440783024, -0.004660905338823795, 0.013150382786989212, 0.018523670732975006, 0.027473919093608856, 0.030430933460593224, 0.03896964341402054, 0.03718482330441475, 0.041424158960580826, 0.02944205515086651, 0.016356760635972023, 0.006425310857594013, -0.0010272749932482839, -0.002081040758639574, -0.0034157694317400455, 0.002367237815633416, 0.0022356591653078794, -0.003068027086555958, -0.003658619476482272, -0.012781508266925812, -0.014573165215551853, -0.02532639540731907, -0.028075188398361206, -0.034443289041519165, -0.031743213534355164, -0.024994591251015663, -0.01901930756866932, -0.012692342512309551, 0.000885530433151871, -0.005069832783192396, 0.01247970387339592, 0.006278541870415211, -0.011616424657404423, 0.003964691888540983, 0.0005581648438237607, 0.01671597920358181, 0.018083767965435982, 0.019475499168038368, 0.03672676160931587, 0.031215310096740723, 0.04094114899635315, 0.04018038138747215, 0.037567347288131714, 0.04077482968568802, 0.011866089887917042, 0.006473934277892113, -0.00638637226074934, -0.0007622336852364242, 0.005799747537821531, 0.006646129302680492, 0.0009436907712370157, 0.004727853927761316, -0.00027841809787787497, -0.006570925936102867, -0.010324200615286827, -0.014329269528388977, -0.008611577562987804, -0.010356602258980274, -0.027561349794268608, -0.0150612099096179, -0.007511971052736044, -0.002892386168241501, 0.0087483124807477, 0.011531508527696133, 0.017116857692599297, 0.012635751627385616, 0.003659672336652875, 0.0004291298391763121, 0.007792748045176268, 0.007797773461788893, 0.011455990374088287, 0.0041161784902215, 0.0010324715403839946, 0.005556973163038492, 0.00040758089744485915, 0.0006402307190001011, -0.00260146870277822, -0.003764008404687047, -0.00709918700158596, -0.013540535233914852, -0.022133275866508484, -0.010501183569431305, -0.004329056013375521, -0.007581762503832579, -0.006918339524418116, -0.008213737048208714, -0.026282424107193947, -0.03152986243367195, -0.04306866228580475, -0.03960248455405235, -0.04032357782125473, -0.04529794305562973, -0.0331612192094326, -0.03924006223678589, -0.03346196934580803, -0.03481012210249901, -0.025722919031977654, -0.03497949242591858, -0.04463199898600578, -0.05224248021841049, -0.05181529372930527, -0.06281144171953201, -0.0668591856956482, -0.048692114651203156, -0.037131574004888535, -0.03698747232556343, -0.04486013203859329, -0.05016492307186127, -0.04767833650112152, -0.06249372288584709, -0.0744224339723587, -0.08290626108646393, -0.08269836008548737, -0.08712976425886154, -0.09955966472625732, -0.08244207501411438, -0.07583273947238922, -0.06905815750360489, -0.07318613678216934, -0.0674290731549263, -0.061502162367105484, -0.06985269486904144, -0.06081466004252434, -0.05559289827942848, -0.044361360371112823, -0.034929219633340836, -0.014619586057960987, -0.010868496261537075, -0.0062250434421002865, 0.014427111484110355, 0.023720014840364456, 0.02348829060792923, 0.014833158813416958, 0.013031337410211563, 0.012207243591547012, 0.013085640035569668, 0.008864806033670902, 0.023506300523877144, 0.023301836103200912, 0.027685053646564484, 0.02427072636783123, 0.028715407475829124, 0.024525152519345284, 0.03016827069222927, 0.0175278652459383, 0.009805118665099144, 0.0026294696144759655, -0.018438728526234627, -0.02120766043663025, -0.023957202211022377, -0.023068536072969437, -0.009700465016067028, -0.0062225377187132835, 0.004087838809937239, 0.013719768263399601, 0.014611472375690937, 0.030447587370872498, 0.03700803220272064, 0.03075428120791912, 0.02454902045428753, 0.03526316583156586, 0.033715419471263885, 0.03403381630778313, 0.042330577969551086, 0.05983059108257294, 0.05931824818253517, 0.06353326141834259, 0.07141011208295822, 0.07597114145755768, 0.0774456039071083, 0.07250961661338806, 0.07754815369844437, 0.0716833844780922, 0.059046756476163864, 0.058599114418029785, 0.041581783443689346, 0.040476467460393906, 0.03820367529988289, 0.03602912649512291, 0.0410957857966423, 0.04545940086245537, 0.04413056746125221, 0.049500077962875366, 0.04804150387644768, 0.04888582602143288, 0.044311173260211945, 0.037435125559568405, 0.034656573086977005, 0.029316028580069542, 0.040028542280197144, 0.03823259845376015, 0.05147166922688484, 0.050489891320466995, 0.05288044363260269, 0.058840785175561905, 0.05031890422105789, 0.05186516419053078, 0.04845944792032242, 0.04483507201075554, 0.03901692107319832, 0.038272466510534286, 0.03774522989988327, 0.031409043818712234, 0.03286445513367653, 0.02745506912469864, 0.028186917304992676, 0.019124934449791908, 0.015856940299272537, 0.00634251581504941, -0.0039727939292788506, -0.00849913526326418, -0.020779624581336975, -0.013224945403635502, -0.02014531008899212, -0.025861850008368492, -0.029974088072776794, -0.03594977408647537, -0.04022770747542381, -0.06049206480383873, -0.0652502253651619, -0.07596146315336227, -0.08182266354560852, -0.084088034927845, -0.08149275928735733, -0.08636884391307831, -0.08374965190887451, -0.0822872444987297, -0.07202963531017303, -0.0648757740855217, -0.05696723982691765, -0.05189093202352524, -0.06062239035964012, -0.059742558747529984, -0.06836745142936707, -0.07224590331315994, -0.07897736132144928, -0.08668956160545349, -0.09926135092973709, -0.09917756915092468, -0.1030992865562439, -0.10794717818498611, -0.10122261941432953, -0.10070962458848953, -0.09205565601587296, -0.08990911394357681, -0.08046972751617432, -0.0951068103313446, -0.0937458798289299, -0.10557953268289566, -0.10855132341384888, -0.10217354446649551, -0.11810258030891418, -0.10291987657546997, -0.08683215081691742, -0.06149907410144806, -0.012134400196373463, 0.04303532838821411, 0.08276748657226562, 0.13208170235157013, 0.12806813418865204, 0.12670959532260895, 0.12180369347333908, 0.1138484850525856, 0.08778339624404907, 0.07143009454011917, 0.06053176894783974, 0.03988610580563545, 0.06009488180279732, 0.039776332676410675, 0.041879162192344666, 0.051312968134880066, 0.04772758111357689, 0.0192676093429327, -0.026143277063965797, -0.046081118285655975, -0.07652252912521362, -0.09771211445331573, -0.1194768026471138, -0.11665663868188858, -0.10432770103216171, -0.08060568571090698, -0.0521269254386425, -0.02630920335650444, 0.014758865348994732, 0.03780648484826088, 0.06150445714592934, 0.05675831064581871, 0.061556946486234665, 0.06833767145872116, 0.06729215383529663, 0.06916385143995285, 0.07111900299787521, 0.07808088511228561, 0.08818899840116501, 0.10635796189308167, 0.1002458930015564, 0.09906738251447678, 0.09622649103403091, 0.08239684998989105, 0.053304966539144516, 0.021174484863877296, -0.00897123385220766, -0.03157571330666542, -0.053277041763067245, -0.07319145649671555, -0.06316773593425751, -0.05649416521191597, -0.04698438197374344, -0.023497262969613075, -0.011519153602421284, 0.011140236631035805, 0.026688091456890106, 0.025747820734977722, 0.031212009489536285, 0.04005366563796997, 0.05004040151834488, 0.057116422802209854, 0.05776366963982582, 0.07164303958415985, 0.09281277656555176, 0.11691245436668396, 0.1360999047756195, 0.1503126323223114, 0.16098615527153015, 0.16058170795440674, 0.15274196863174438, 0.1250065118074417, 0.09767390042543411, 0.07845490425825119, 0.04193297028541565, 0.019538626074790955, 0.011992613784968853, 0.008905184455215931, 0.013180354610085487, 0.02627808041870594, 0.03733422979712486, 0.049891818314790726, 0.0576295368373394, 0.060438122600317, 0.06321419030427933, 0.05408770218491554, 0.05087171494960785, 0.048187289386987686, 0.03942102566361427, 0.03719969466328621, 0.055095214396715164, 0.06270822137594223, 0.07664927840232849, 0.08231861889362335, 0.08289570361375809, 0.08853228390216827, 0.08240810036659241, 0.06995829194784164, 0.04169825091958046, 0.03330179303884506, 0.006342478562146425, -0.004750134889036417, -0.008062374778091908, -0.02321990579366684, -0.019252333790063858, -0.025124134495854378, -0.01915460266172886, -0.024308539927005768, -0.02966502495110035, -0.03554463014006615, -0.04805899038910866, -0.06030398607254028, -0.0815708115696907, -0.10180613398551941, -0.10605478286743164, -0.09906402230262756, -0.09015318751335144, -0.09466798603534698, -0.09265825152397156, -0.07802608609199524, -0.07325441390275955, -0.06141151487827301, -0.06951097398996353, -0.077062226831913, -0.06760493665933609, -0.088535837829113, -0.09566234052181244, -0.1146058738231659, -0.11777565628290176, -0.11005736142396927, -0.12094459682703018, -0.12770791351795197, -0.12984557449817657, -0.09550786763429642, -0.09615619480609894, -0.1064470112323761, -0.09719327092170715, -0.11432930827140808, -0.09494449943304062, -0.09408681839704514, -0.13078682124614716, -0.11527751386165619, -0.10498174279928207, -0.10226232558488846, -0.08147060126066208, -0.07574860751628876, -0.019863203167915344, 0.036750923842191696, 0.07334093004465103, 0.1136551946401596, 0.14101509749889374, 0.19702990353107452, 0.17686714231967926, 0.17578834295272827, 0.13314905762672424, 0.12211182713508606, 0.12022748589515686, 0.04965297505259514, 0.03262927755713463, -0.0037803330924361944, -0.0008712918497622013, -0.010074665769934654, -0.03971561789512634, -0.043331291526556015, -0.05258190631866455, -0.049555905163288116, -0.07867668569087982, -0.09571678191423416, -0.1003059446811676, -0.10878140479326248, -0.09956520050764084, -0.11764445155858994, -0.09558378905057907, -0.05668887495994568, -0.02270568162202835, 0.020870018750429153, 0.04650259017944336, 0.08997580409049988, 0.11560207605361938, 0.1363518089056015, 0.13930968940258026, 0.13596786558628082, 0.13235266506671906, 0.1081683561205864, 0.09307438880205154, 0.057546813040971756, 0.04474122077226639, 0.03930438309907913, 0.024096772074699402, 0.009263756684958935, -0.005002155900001526, -0.010279721580445766, -0.02331440895795822, -0.04241258278489113, -0.06356325000524521, -0.07809516787528992, -0.08736718446016312, -0.09652072936296463, -0.09629148989915848, -0.08034846186637878, -0.05298442766070366, -0.025068769231438637, -0.0016000923933461308, 0.031099511310458183, 0.05780728533864021, 0.08661451190710068, 0.09814338386058807, 0.10479717701673508, 0.11609360575675964, 0.11138182133436203, 0.11803436279296875, 0.1081228256225586, 0.11189591884613037, 0.1156129240989685, 0.11673403531312943, 0.11593631654977798, 0.10805454850196838, 0.10093185305595398, 0.08389685302972794, 0.0650205984711647, 0.03583907335996628, 0.02857590653002262, 0.009860562160611153, -0.008699622005224228, -0.009009706787765026, -0.0022007757797837257, 0.005211375653743744, 0.010179989039897919, 0.024839699268341064, 0.03711934760212898, 0.051336295902729034, 0.06053957715630531, 0.06666456162929535, 0.06435835361480713, 0.072287417948246, 0.0711050033569336, 0.0663953348994255, 0.06865314394235611, 0.07233855873346329, 0.08142717182636261, 0.077629454433918, 0.07559707015752792, 0.07507334649562836, 0.08710682392120361, 0.07189873605966568, 0.051732223480939865, 0.045705828815698624, 0.0344894640147686, 0.017477473244071007, -0.0013466860400512815, -0.012150823138654232, -0.02778918296098709, -0.034770142287015915, -0.03708915039896965, -0.0417744405567646, -0.04260813817381859, -0.031831517815589905, -0.033364541828632355, -0.04766865447163582, -0.05729440972208977, -0.06712082773447037, -0.06366916745901108, -0.0749974176287651, -0.08499997854232788, -0.07992500811815262, -0.0731816291809082, -0.0693560317158699, -0.05593873932957649, -0.058633267879486084, -0.05524059012532234, -0.046973563730716705, -0.06243513152003288, -0.08248196542263031, -0.10132400691509247, -0.10003343224525452, -0.1386374980211258, -0.14950715005397797, -0.174734428524971, -0.1811193823814392, -0.160226508975029, -0.18004435300827026, -0.15247616171836853, -0.16358651220798492, -0.13039562106132507, -0.12970523536205292, -0.14781613647937775, -0.11137067526578903, -0.1546110361814499, -0.12471980601549149, -0.14486722648143768, -0.1684061884880066, -0.0726153701543808, -0.06430388242006302, -0.0064914231188595295, 0.04063785448670387, 0.07727313786745071, 0.16458934545516968, 0.18040934205055237, 0.21619747579097748, 0.19500073790550232, 0.2001897692680359, 0.16724435985088348, 0.08165530115365982, 0.06213349476456642, -0.01396925374865532, -0.016212569549679756, -0.056195929646492004, -0.1061314046382904, -0.09209273755550385, -0.10281176120042801, -0.07717613875865936, -0.08970996737480164, -0.09415149688720703, -0.09106940031051636, -0.0940052717924118, -0.08571206778287888, -0.10743875056505203, -0.09188994020223618, -0.07072149962186813, -0.05354765057563782, -0.016336603090167046, 0.01501729991286993, 0.06468301266431808, 0.1173165813088417, 0.16146111488342285, 0.18012942373752594, 0.18624289333820343, 0.19182075560092926, 0.1761050671339035, 0.14842531085014343, 0.10490385442972183, 0.05940376594662666, 0.01848972775042057, -0.027514562010765076, -0.05365416407585144, -0.07586168497800827, -0.08545103669166565, -0.08630704134702682, -0.09767186641693115, -0.0893200933933258, -0.08733275532722473, -0.07966766506433487, -0.07823018729686737, -0.08279332518577576, -0.06977975368499756, -0.06963595002889633, -0.044387686997652054, -0.018897678703069687, 0.002582371234893799, 0.03751543536782265, 0.06979334354400635, 0.0994645357131958, 0.12251045554876328, 0.15172970294952393, 0.16681766510009766, 0.17151717841625214, 0.1595602035522461, 0.1380700320005417, 0.12153088301420212, 0.09919759631156921, 0.07435351610183716, 0.04651712253689766, 0.02208280935883522, 0.014592605642974377, 0.0040421695448458195, 0.0004965489497408271, 0.007836398668587208, 0.0002875887439586222, 0.013366316445171833, 0.013682435266673565, 0.01003551110625267, 0.015474449843168259, 0.01893197000026703, 0.0441514328122139, 0.04537688568234444, 0.04224377125501633, 0.05814183130860329, 0.07423289865255356, 0.08187463879585266, 0.08664771914482117, 0.0904516726732254, 0.08579057455062866, 0.0855245590209961, 0.08013135939836502, 0.07383601367473602, 0.0633392333984375, 0.053330738097429276, 0.05416088178753853, 0.041754454374313354, 0.03893814980983734, 0.04088282585144043, 0.046354711055755615, 0.048054102808237076, 0.039257291704416275, 0.040393516421318054, 0.043993160128593445, 0.03723457455635071, 0.029045797884464264, 0.025979680940508842, 0.006962099112570286, -0.0033892514184117317, -0.01330048218369484, -0.026350708678364754, -0.04005814343690872, -0.043771471828222275, -0.0409674197435379, -0.05130509287118912, -0.06051354110240936, -0.06620263308286667, -0.0659533217549324, -0.06740265339612961, -0.06036980822682381, -0.06631334871053696, -0.07048002630472183, -0.056801050901412964, -0.051244087517261505, -0.04444608464837074, -0.03958556056022644, -0.043692559003829956, -0.03742695227265358, -0.06105097755789757, -0.07988744229078293, -0.08083785325288773, -0.1076061949133873, -0.12987108528614044, -0.1647869199514389, -0.17827939987182617, -0.1821630448102951, -0.1740567684173584, -0.1609172523021698, -0.1689096987247467, -0.14116491377353668, -0.12881945073604584, -0.12088647484779358, -0.11023391038179398, -0.12063316255807877, -0.09810170531272888, -0.14081065356731415, -0.12506766617298126, -0.09021198749542236, -0.07669481635093689, 0.025293773040175438, 0.019090378656983376, 0.1033632755279541, 0.17299942672252655, 0.19862516224384308, 0.2619113028049469, 0.23070281744003296, 0.25277769565582275, 0.19198226928710938, 0.13566802442073822, 0.059943199157714844, -0.012726083397865295, -0.03505869209766388, -0.13018207252025604, -0.1387510597705841, -0.1746813952922821, -0.17814673483371735, -0.1357831507921219, -0.1425478607416153, -0.09967239946126938, -0.0942605510354042, -0.0684913769364357, -0.048674922436475754, -0.04926333948969841, -0.024009326472878456, -0.025729432702064514, -0.0021060865838080645, 0.0007229367620311677, 0.02790340781211853, 0.07251257449388504, 0.10285268723964691, 0.15975910425186157, 0.1761098951101303, 0.1941247582435608, 0.20661482214927673, 0.20004838705062866, 0.17903433740139008, 0.12925557792186737, 0.08738529682159424, 0.018177952617406845, -0.045064374804496765, -0.09362629055976868, -0.1333235651254654, -0.14714330434799194, -0.16392961144447327, -0.162748321890831, -0.14503265917301178, -0.10804738104343414, -0.07255414128303528, -0.048030953854322433, -0.01635359786450863, 0.0045883990824222565, 0.022937839850783348, 0.025360682979226112, 0.03222780302166939, 0.05562858656048775, 0.06496148556470871, 0.07848415523767471, 0.08853244036436081, 0.10104493051767349, 0.12866716086864471, 0.15064136683940887, 0.1504051238298416, 0.15049868822097778, 0.14107505977153778, 0.11781670898199081, 0.09933708608150482, 0.06351912766695023, 0.032137881964445114, 0.0021385413128882647, -0.027750691398978233, -0.05152159184217453, -0.04883773997426033, -0.04583846405148506, -0.03057749569416046, -0.005671739112585783, 0.006669171620160341, 0.0455913208425045, 0.060872599482536316, 0.09436207264661789, 0.11685743927955627, 0.10421112924814224, 0.10638487339019775, 0.09671827405691147, 0.09960571676492691, 0.09638102352619171, 0.07826497405767441, 0.07204210758209229, 0.06566538661718369, 0.051421646028757095, 0.043169524520635605, 0.056183669716119766, 0.04754503816366196, 0.043916989117860794, 0.04050450026988983, 0.023334357887506485, 0.031034303829073906, 0.025546954944729805, 0.030925964936614037, 0.0266676414757967, 0.031186379492282867, 0.02709847316145897, 0.02230384387075901, 0.029610110446810722, 0.023577239364385605, 0.038296326994895935, 0.02064169943332672, 0.009540795348584652, -0.0011704752687364817, -0.01439686305820942, -0.024095073342323303, -0.04426686838269234, -0.05681213364005089, -0.07060542702674866, -0.08357361704111099, -0.09158089011907578, -0.08818938583135605, -0.08445774018764496, -0.07545783370733261, -0.06614168733358383, -0.05401807650923729, -0.039733048528432846, -0.02841523103415966, -0.013571812771260738, -0.014260560274124146, -0.014710292220115662, -0.02145596779882908, -0.048820871859788895, -0.058512866497039795, -0.0819232314825058, -0.1060284823179245, -0.13389752805233002, -0.16152141988277435, -0.17347553372383118, -0.1840018630027771, -0.16997450590133667, -0.15350939333438873, -0.1513070911169052, -0.1394888162612915, -0.13225971162319183, -0.132539764046669, -0.10782238841056824, -0.12256809324026108, -0.12194406241178513, -0.13033807277679443, -0.1495262086391449, -0.15754611790180206, -0.11533109098672867, -0.013332455419003963, 0.0016348336357623339, 0.08657364547252655, 0.13646407425403595, 0.16958963871002197, 0.28938207030296326, 0.2828429639339447, 0.2854955792427063, 0.26573383808135986, 0.18380708992481232, 0.1267177015542984, 0.03680257871747017, -0.013111953623592854, -0.08667681366205215, -0.13724039494991302, -0.18110014498233795, -0.21811947226524353, -0.17121455073356628, -0.16701626777648926, -0.1103672906756401, -0.09538719058036804, -0.08580514788627625, -0.038313668221235275, -0.029991991817951202, 0.00298854592256248, 0.0027063072193413973, 0.026003394275903702, 0.03116570971906185, 0.03345753997564316, 0.0716816782951355, 0.09252988547086716, 0.13548734784126282, 0.17377112805843353, 0.1863659769296646, 0.20076146721839905, 0.20717701315879822, 0.20051707327365875, 0.17282694578170776, 0.13003979623317719, 0.06735493987798691, 0.005180066451430321, -0.06390849500894547, -0.12591762840747833, -0.13649620115756989, -0.16895122826099396, -0.18033184111118317, -0.16692930459976196, -0.16110557317733765, -0.11665278673171997, -0.06495533138513565, -0.029211336746811867, 0.004323496017605066, 0.03320903331041336, 0.0442228801548481, 0.06360315531492233, 0.0831042230129242, 0.09164268523454666, 0.0956386998295784, 0.08957391232252121, 0.0951646938920021, 0.11257670074701309, 0.12275180965662003, 0.12596090137958527, 0.12313416600227356, 0.11257818341255188, 0.10440542548894882, 0.09098244458436966, 0.06749682873487473, 0.04177205637097359, 0.00939349178224802, -0.017569802701473236, -0.04167834296822548, -0.058324772864580154, -0.05555685982108116, -0.05398222804069519, -0.036430150270462036, -0.00790740642696619, 0.016405219212174416, 0.04670064151287079, 0.07125671207904816, 0.09636246412992477, 0.11465495079755783, 0.11892282962799072, 0.12108307331800461, 0.11754414439201355, 0.11120068281888962, 0.09403709322214127, 0.0864560529589653, 0.0747140571475029, 0.06298286467790604, 0.05858870968222618, 0.04294632375240326, 0.039285771548748016, 0.030212054029107094, 0.029531417414546013, 0.026939665898680687, 0.02062963880598545, 0.02158624865114689, 0.014295706525444984, 0.02153491973876953, 0.027763670310378075, 0.033084359019994736, 0.03322466090321541, 0.0343998558819294, 0.03591102734208107, 0.03669251129031181, 0.039673469960689545, 0.025791697204113007, 0.02102450281381607, 0.010093124583363533, -0.0060731698758900166, -0.01944865472614765, -0.035540755838155746, -0.05061870440840721, -0.06355952471494675, -0.06574268639087677, -0.07279037684202194, -0.07384006679058075, -0.06758563220500946, -0.05623813346028328, -0.04187125712633133, -0.02556815929710865, -0.01723436824977398, -0.011767077259719372, 0.0007215160876512527, -0.0020851942244917154, -0.011108150705695152, -0.027792656794190407, -0.040212322026491165, -0.056073740124702454, -0.07781963050365448, -0.10205131769180298, -0.12512652575969696, -0.15449322760105133, -0.1667923778295517, -0.17593275010585785, -0.19783467054367065, -0.1622733175754547, -0.16615083813667297, -0.15440821647644043, -0.13029585778713226, -0.15121345221996307, -0.12362015247344971, -0.10917773842811584, -0.11752811074256897, -0.1333971619606018, -0.11031220108270645, -0.14819985628128052, -0.16256386041641235, -0.09219668805599213, -0.07954611629247665, 0.020331628620624542, 0.06595145910978317, 0.08993575721979141, 0.1894283890724182, 0.2449520230293274, 0.27768418192863464, 0.24802041053771973, 0.2348005175590515, 0.19805924594402313, 0.13144299387931824, 0.028068890795111656, -0.05831018462777138, -0.07911480218172073, -0.15749937295913696, -0.1919059157371521, -0.2232000082731247, -0.21195490658283234, -0.15733671188354492, -0.14405733346939087, -0.10466029495000839, -0.07903677225112915, -0.028286850079894066, -0.007144248578697443, -0.0032268797513097525, 0.010994835756719112, 0.02117867022752762, 0.04810631275177002, 0.03225428983569145, 0.04024430736899376, 0.054555460810661316, 0.08917483687400818, 0.13114067912101746, 0.13115337491035461, 0.1564304083585739, 0.16810119152069092, 0.17870691418647766, 0.1578245460987091, 0.10479491204023361, 0.07800500094890594, 0.015431913547217846, -0.05556420981884003, -0.10779601335525513, -0.15214215219020844, -0.17780132591724396, -0.19913215935230255, -0.21166175603866577, -0.18875259160995483, -0.1375976949930191, -0.10081769526004791, -0.05706300213932991, -0.004374487325549126, 0.03453746438026428, 0.07012100517749786, 0.08928943425416946, 0.10641610622406006, 0.11540365219116211, 0.09773434698581696, 0.08926481753587723, 0.0956520363688469, 0.09176502376794815, 0.08511658012866974, 0.08740027248859406, 0.07958920300006866, 0.07848086208105087, 0.07920784503221512, 0.06011723354458809, 0.05252733454108238, 0.02949478290975094, -0.002072002040222287, -0.028345197439193726, -0.05320344865322113, -0.064106784760952, -0.07316052913665771, -0.05792735889554024, -0.03974512964487076, -0.019451307132840157, 0.012259607203304768, 0.05101232975721359, 0.08941199630498886, 0.0965142473578453, 0.11211175471544266, 0.11895499378442764, 0.11429866403341293, 0.10549559444189072, 0.08250237256288528, 0.06333602219820023, 0.045281827449798584, 0.03517415374517441, 0.014913417398929596, 0.01610272377729416, 0.025235220789909363, 0.021487116813659668, 0.031611766666173935, 0.032625410705804825, 0.03946966677904129, 0.0424853153526783, 0.04163498803973198, 0.038504164665937424, 0.028310442343354225, 0.026713917031884193, 0.021200738847255707, 0.0158242154866457, 0.007467042189091444, 0.010549679398536682, 0.016500981524586678, 0.023913122713565826, 0.02012072131037712, 0.013926881365478039, 0.01773996651172638, 0.013460959307849407, 0.014273612760007381, -0.0017162275034934282, -0.011903174221515656, -0.019184591248631477, -0.03363147750496864, -0.04362543299794197, -0.04923940449953079, -0.043959394097328186, -0.05388104170560837, -0.05209328606724739, -0.04288482666015625, -0.04174470901489258, -0.03461555764079094, -0.03732486814260483, -0.03486308455467224, -0.0357697531580925, -0.04666449502110481, -0.056406185030937195, -0.07038433104753494, -0.07401143014431, -0.09162746369838715, -0.11319602280855179, -0.1125880554318428, -0.13035385310649872, -0.14511379599571228, -0.15362456440925598, -0.15585839748382568, -0.13456766307353973, -0.13613364100456238, -0.1421845406293869, -0.13387362658977509, -0.1281968504190445, -0.12338653206825256, -0.1131763830780983, -0.12217194586992264, -0.1601245105266571, -0.13151414692401886, -0.1563507318496704, -0.16941387951374054, -0.12149005383253098, -0.15350742638111115, -0.06243008002638817, 0.02758781798183918, 0.08427779376506805, 0.1246161088347435, 0.19999153912067413, 0.2638063132762909, 0.24091655015945435, 0.300554096698761, 0.19835560023784637, 0.18926586210727692, 0.14052213728427887, 0.000576348917093128, -0.024067698046565056, -0.10984481126070023, -0.1160234734416008, -0.19101396203041077, -0.1909966915845871, -0.19590069353580475, -0.17869572341442108, -0.11136558651924133, -0.13222990930080414, -0.05674527585506439, -0.06129738688468933, -0.026908311992883682, -0.015630783513188362, -0.014173347502946854, 0.02114179916679859, 0.017941700294613838, 0.04645039141178131, 0.04308668524026871, 0.07818599790334702, 0.1089283749461174, 0.16415517032146454, 0.1888793259859085, 0.18638893961906433, 0.21350081264972687, 0.19335801899433136, 0.17967116832733154, 0.12655076384544373, 0.07489903271198273, 0.02401915192604065, -0.06333345174789429, -0.12309696525335312, -0.17163331806659698, -0.1981678605079651, -0.21339602768421173, -0.2164718508720398, -0.19892071187496185, -0.15726187825202942, -0.10021606087684631, -0.06185141205787659, -0.010461464524269104, 0.03591747209429741, 0.06835725158452988, 0.09955223649740219, 0.10849794745445251, 0.12404506653547287, 0.13518927991390228, 0.12354118376970291, 0.11597949266433716, 0.11232740432024002, 0.09834372997283936, 0.10878495126962662, 0.09870738536119461, 0.07393451780080795, 0.06865797191858292, 0.04065002501010895, 0.020803652703762054, -0.014106818474829197, -0.04714782163500786, -0.06001676246523857, -0.08623626828193665, -0.10626959800720215, -0.11005894094705582, -0.08286792039871216, -0.04106071591377258, -0.008911470882594585, 0.03540315106511116, 0.09290839731693268, 0.1343563050031662, 0.14301379024982452, 0.16271726787090302, 0.16686271131038666, 0.1452571004629135, 0.12189537286758423, 0.07882776856422424, 0.04081521928310394, 0.022218847647309303, 0.010677119717001915, -0.006035468075424433, -0.005685220006853342, 0.006462430115789175, 0.0208863727748394, 0.0387723334133625, 0.053880564868450165, 0.07691981643438339, 0.0764930471777916, 0.0734567642211914, 0.06520784646272659, 0.04406635835766792, 0.03452504426240921, 0.01932344399392605, 0.009537933394312859, -0.008162245154380798, -0.0072343177162110806, 0.002919780556112528, 0.014578781090676785, 0.026974951848387718, 0.031441692262887955, 0.04188428819179535, 0.04380768537521362, 0.036997076123952866, 0.028644680976867676, 0.02954520843923092, 0.020439350977540016, -0.005417870357632637, -0.014882941730320454, -0.028675369918346405, -0.03237320855259895, -0.02826874516904354, -0.043270617723464966, -0.03980603069067001, -0.040741145610809326, -0.041811030358076096, -0.03308384492993355, -0.04420175030827522, -0.03994033858180046, -0.04661381617188454, -0.06053759157657623, -0.06560970842838287, -0.08081185817718506, -0.07988409698009491, -0.09695134311914444, -0.10014398396015167, -0.1042938157916069, -0.12245716899633408, -0.1193753182888031, -0.13071680068969727, -0.123363196849823, -0.12562964856624603, -0.12434955686330795, -0.0980825424194336, -0.11211641877889633, -0.10077433288097382, -0.09861758351325989, -0.09215569496154785, -0.08773765712976456, -0.10750773549079895, -0.10440316796302795, -0.1326436996459961, -0.1369035243988037, -0.14602063596248627, -0.1735430806875229, -0.16064703464508057, -0.13564278185367584, -0.12829145789146423, -0.029715830460190773, 0.06596069782972336, 0.08486498147249222, 0.18197639286518097, 0.21833087503910065, 0.257095068693161, 0.28604093194007874, 0.25560393929481506, 0.19814079999923706, 0.14372454583644867, 0.08145271986722946, -0.04255281761288643, -0.05281903222203255, -0.13324685394763947, -0.16799233853816986, -0.17160619795322418, -0.22239576280117035, -0.15330804884433746, -0.13421370089054108, -0.09467265009880066, -0.05955129489302635, -0.0328080952167511, -0.02307572402060032, -0.01132182776927948, 0.009293690323829651, 0.01666937582194805, 0.04401249811053276, 0.028620334342122078, 0.05738341435790062, 0.07038209587335587, 0.09769073873758316, 0.1500519961118698, 0.17213302850723267, 0.1930648386478424, 0.1840190291404724, 0.1839587241411209, 0.16318686306476593, 0.12318388372659683, 0.07518283277750015, 0.01257107499986887, -0.04791390895843506, -0.1165180578827858, -0.1573343127965927, -0.18139436841011047, -0.1917051076889038, -0.18576981127262115, -0.1736922413110733, -0.12591838836669922, -0.08106337487697601, -0.0312361940741539, 0.01773609220981598, 0.05427659675478935, 0.08832456916570663, 0.10756490379571915, 0.12149300426244736, 0.12373694777488708, 0.12668435275554657, 0.11863502860069275, 0.10985016822814941, 0.09091667830944061, 0.08784456551074982, 0.09050630033016205, 0.07973102480173111, 0.07375742495059967, 0.04260701686143875, 0.019375214353203773, -0.004453636705875397, -0.025544410571455956, -0.058633070439100266, -0.08276131004095078, -0.08461079001426697, -0.09828507900238037, -0.08787679672241211, -0.061761002987623215, -0.018588418141007423, 0.025931240990757942, 0.06623934209346771, 0.1021425873041153, 0.13460589945316315, 0.1684826761484146, 0.16638031601905823, 0.1628032922744751, 0.15608610212802887, 0.12045706063508987, 0.08565963804721832, 0.053432583808898926, 0.036931362003088, 0.012435976415872574, 0.0005901599070057273, 0.00567809771746397, -0.0036936600226908922, 0.00966538768261671, 0.030406249687075615, 0.04834810271859169, 0.061124056577682495, 0.0663679763674736, 0.062121693044900894, 0.06056676432490349, 0.05262979120016098, 0.04228969290852547, 0.040729038417339325, 0.019625091925263405, 0.02185693010687828, 0.014502025209367275, 0.009308292530477047, 0.026756322011351585, 0.017525190487504005, 0.013443137519061565, 0.007657969370484352, 0.008177164942026138, 0.0014088928001001477, -0.0005077876267023385, -0.0025938355829566717, -0.007495497819036245, -0.0012630486162379384, -0.011868675239384174, -0.006570453755557537, -0.00552039360627532, 0.0013223442947492003, -0.0035453333985060453, -0.013182166963815689, -0.019098063930869102, -0.03495880588889122, -0.025562556460499763, -0.04441165551543236, -0.0492742657661438, -0.05017327889800072, -0.06809722632169724, -0.06208048388361931, -0.062025684863328934, -0.06999967992305756, -0.07923562824726105, -0.07106828689575195, -0.08684838563203812, -0.1012645959854126, -0.1057509183883667, -0.09816929697990417, -0.11321956664323807, -0.12945878505706787, -0.11044114828109741, -0.14358055591583252, -0.11731811612844467, -0.0891379565000534, -0.11547774076461792, -0.10444888472557068, -0.09039884060621262, -0.10787808895111084, -0.10507674515247345, -0.0648142397403717, -0.13770225644111633, -0.13325141370296478, -0.11420679837465286, -0.21310947835445404, -0.18331962823867798, -0.17671895027160645, -0.13589341938495636, -0.0325518473982811, 0.06965631991624832, 0.1060497835278511, 0.15060210227966309, 0.27321141958236694, 0.30006521940231323, 0.3294230103492737, 0.2892509400844574, 0.2355731576681137, 0.13777652382850647, 0.05041458085179329, 0.0007318785064853728, -0.11497966200113297, -0.13411200046539307, -0.1909879446029663, -0.2233181893825531, -0.21736177802085876, -0.18011337518692017, -0.12075956910848618, -0.07648926228284836, -0.0414382666349411, -0.04693671688437462, 0.006673697382211685, 0.012135740369558334, 0.04181663319468498, 0.051665809005498886, 0.047765523195266724, 0.06335722655057907, 0.06858528405427933, 0.10362891852855682, 0.12549297511577606, 0.17447024583816528, 0.20608124136924744, 0.2022390365600586, 0.1858997344970703, 0.16754120588302612, 0.13463029265403748, 0.08290652930736542, 0.021141722798347473, -0.032800111919641495, -0.1085863709449768, -0.1604117751121521, -0.18313074111938477, -0.18933197855949402, -0.15216031670570374, -0.1464112550020218, -0.10601817071437836, -0.06245393678545952, -0.02623540721833706, 0.02401403710246086, 0.05832869932055473, 0.08560580015182495, 0.08948119729757309, 0.10019523650407791, 0.09296552836894989, 0.10035693645477295, 0.1036682054400444, 0.11933311074972153, 0.112701416015625, 0.08660393953323364, 0.10067927837371826, 0.09279195964336395, 0.09109648317098618, 0.07609937340021133, 0.030360141769051552, -0.01211868692189455, -0.032137226313352585, -0.04865130037069321, -0.07727522403001785, -0.07807887345552444, -0.06569395959377289, -0.07868038862943649, -0.04344610869884491, 0.0002996362163685262, 0.04465198144316673, 0.11046092212200165, 0.11926025152206421, 0.1286545842885971, 0.1531451791524887, 0.1509673148393631, 0.14282043278217316, 0.12999257445335388, 0.10874930024147034, 0.0652838945388794, 0.0408579520881176, 0.035452958196401596, 0.023100458085536957, 0.018869156017899513, 0.0033607305958867073, 0.013893554918467999, 0.009973808191716671, 0.013993293046951294, 0.040897876024246216, 0.03812505677342415, 0.06110883876681328, 0.059934232383966446, 0.05114026367664337, 0.07052532583475113, 0.07655485719442368, 0.0665222778916359, 0.05964050814509392, 0.053821396082639694, 0.03178693726658821, 0.02912965416908264, 0.010212844237685204, 0.010146589949727058, 0.007343412842601538, -0.01218712329864502, -0.007354209665209055, -0.010998599231243134, -0.005735596176236868, 0.008205403573811054, 0.016528494656085968, 0.022087497636675835, 0.03149040415883064, 0.033961568027734756, 0.025947537273168564, 0.024042755365371704, 0.017464324831962585, 0.0029233419336378574, -0.0014034454943612218, -0.033774811774492264, -0.05194259062409401, -0.05096246674656868, -0.06927093118429184, -0.0672416165471077, -0.07974162697792053, -0.08665672689676285, -0.07337295264005661, -0.07181765139102936, -0.08077197521924973, -0.07825075834989548, -0.0770685225725174, -0.10491014271974564, -0.09693237394094467, -0.10165870934724808, -0.09678910672664642, -0.08094867318868637, -0.0911787748336792, -0.07269507646560669, -0.07326843589544296, -0.07348240911960602, -0.07176495343446732, -0.08041640371084213, -0.09515748918056488, -0.08054908365011215, -0.08124548196792603, -0.12133077532052994, -0.11400758475065231, -0.13256242871284485, -0.10699155181646347, -0.13190777599811554, -0.14988134801387787, -0.12704071402549744, -0.16556143760681152, -0.1815159022808075, -0.2023838609457016, -0.155313178896904, -0.18598517775535583, -0.059499260038137436, 0.02245371602475643, 0.048067107796669006, 0.18315988779067993, 0.17640545964241028, 0.3139572739601135, 0.2780722677707672, 0.2710954546928406, 0.26703864336013794, 0.1327396184206009, 0.10549870878458023, -0.035313818603754044, -0.05467704311013222, -0.13157467544078827, -0.18246975541114807, -0.1834138035774231, -0.21223995089530945, -0.14826054871082306, -0.12212599068880081, -0.05389828607439995, -0.028163090348243713, 0.011929158121347427, 0.04443841055035591, 0.04811783507466316, 0.07529047876596451, 0.06766701489686966, 0.08251909911632538, 0.08026760816574097, 0.0684049054980278, 0.09050854295492172, 0.10321290045976639, 0.12145473808050156, 0.13255542516708374, 0.1366405040025711, 0.12735982239246368, 0.1144811287522316, 0.0987265408039093, 0.05844249948859215, 0.032159823924303055, -0.010677642188966274, -0.04534443840384483, -0.0681571438908577, -0.08716017007827759, -0.09286551177501678, -0.0744171142578125, -0.05243586376309395, -0.04018779471516609, 0.0044351606629788876, 0.02624185010790825, 0.0498756468296051, 0.062136460095644, 0.061857592314481735, 0.07771751284599304, 0.07491392642259598, 0.06334511190652847, 0.052616868168115616, 0.05263684317469597, 0.0559905581176281, 0.0549994595348835, 0.05976223945617676, 0.06146053969860077, 0.06775274127721786, 0.07487662881612778, 0.06728609651327133, 0.055481549352407455, 0.029359905049204826, 0.027901409193873405, 0.02388863079249859, 0.00681942468509078, -0.00553102046251297, 0.009257621131837368, 0.02995031513273716, 0.031932879239320755, 0.05632651969790459, 0.05189692974090576, 0.08318556100130081, 0.0866595208644867, 0.07740560173988342, 0.07726756483316422, 0.060230910778045654, 0.06886995583772659, 0.05658205971121788, 0.07398409396409988, 0.042757537215948105, 0.04532068595290184, 0.06060795858502388, 0.053835511207580566, 0.06682562083005905, 0.04911759868264198, 0.0492444783449173, 0.0370224192738533, 0.033184245228767395, 0.017715422436594963, 0.02343435026705265, 0.017346469685435295, 0.019532691687345505, 0.042958635836839676, 0.019920535385608673, 0.03751621022820473, 0.044251859188079834, 0.0454615019261837, 0.053352322429418564, 0.034681085497140884, 0.029592225328087807, 0.023449629545211792, 0.013351568952202797, 0.013293370604515076, 0.00640616100281477, -0.010377198457717896, -0.00609949603676796, -0.018956011161208153, -0.02191551774740219, -0.008901908993721008, -0.032879557460546494, -0.02434350550174713, -0.024661190807819366, -0.04402679577469826, -0.032721009105443954, -0.04382419213652611, -0.0411263033747673, -0.026434622704982758, -0.04624968394637108, -0.04410719871520996, -0.047787342220544815, -0.05408748984336853, -0.041350264102220535, -0.05106430500745773, -0.06760536134243011, -0.05931117758154869, -0.07441457360982895, -0.07711146026849747, -0.06711044907569885, -0.09355142712593079, -0.07055727392435074, -0.07561544328927994, -0.0751081109046936, -0.055807676166296005, -0.05353255942463875, -0.045013539493083954, -0.06397531181573868, -0.053237028419971466, -0.08068358898162842, -0.08041805028915405, -0.10619629919528961, -0.12080346792936325, -0.11667671799659729, -0.152767613530159, -0.1342870146036148, -0.15740549564361572, -0.1330668032169342, -0.13370154798030853, -0.13524295389652252, -0.12408524006605148, -0.10666418075561523, -0.07705121487379074, -0.05861588194966316, -0.05053002014756203, -0.09778934717178345, -0.05373892933130264, -0.09066461771726608, -0.07767335325479507, -0.05904437601566315, -0.0857122465968132, -0.014740551821887493, -0.010497519746422768, 0.040904294699430466, 0.06523909419775009, 0.10763992369174957, 0.12326023727655411, 0.13975349068641663, 0.11435968428850174, 0.05581841245293617, 0.05988762900233269, -0.01594790630042553, -0.026450812816619873, -0.05116243660449982, -0.06563220918178558, -0.0503133088350296, -0.03696052357554436, -0.02482241578400135, -0.000656054588034749, 0.046239692717790604, 0.02504860609769821, 0.05980633571743965, 0.03265872970223427, 0.01611780747771263, 0.03591587021946907, 0.009170818142592907, 0.01717277057468891, 0.010133820585906506, 0.04159914702177048, 0.021216735243797302, 0.05960371717810631, 0.07764751464128494, 0.08665302395820618, 0.1327877640724182, 0.11102113127708435, 0.11370352655649185, 0.09348960220813751, 0.08086369186639786, 0.057877447456121445, 0.04568004235625267, 0.029777618125081062, 0.00631040008738637, 0.009041610173881054, -0.011945754289627075, -0.0014403886161744595, 0.02126922458410263, 0.032157473266124725, 0.02987571246922016, 0.04360119253396988, 0.05130062997341156, 0.04489252343773842, 0.05461237579584122, 0.04046362638473511, 0.04869864135980606, 0.053763777017593384, 0.04622785001993179, 0.04987141489982605, 0.05931488797068596, 0.06721042841672897, 0.072787806391716, 0.07054654508829117, 0.0631524994969368, 0.06523752957582474, 0.07266143709421158, 0.0802917331457138, 0.08353353291749954, 0.0719330906867981, 0.07960972934961319, 0.08819665014743805, 0.07553333044052124, 0.08346118777990341, 0.08009286969900131, 0.0631895437836647, 0.043248798698186874, 0.030044279992580414, 0.013786396011710167, 0.016763215884566307, 0.015598461031913757, 0.0004115373594686389, 0.0029471542220562696, 0.004337032325565815, 0.022135648876428604, 0.028312815353274345, 0.03497136011719704, 0.03828377649188042, 0.041034530848264694, 0.04164658859372139, 0.03464077040553093, 0.04123147949576378, 0.033002156764268875, 0.03657233715057373, 0.022396543994545937, 0.011945557780563831, 0.016760077327489853, 0.0058451429940760136, 0.006509403698146343, 0.016341591253876686, 0.013736358843743801, 0.011029834859073162, 0.013869847171008587, 0.007829518057405949, 0.002759204711765051, -0.00035242349258624017, -0.0028310916386544704, -0.013654418289661407, -0.028772829100489616, -0.039515960961580276, -0.046478528529405594, -0.046311601996421814, -0.05639322102069855, -0.054117098450660706, -0.05023699998855591, -0.047957222908735275, -0.04535776376724243, -0.0461781769990921, -0.043684665113687515, -0.03772836551070213, -0.04320886358618736, -0.05549269914627075, -0.04460720717906952, -0.03935444727540016, -0.02298320271074772, -0.014896986074745655, -0.025753069669008255, -0.02314637415111065, -0.027794741094112396, -0.03553573787212372, -0.03563019260764122, -0.041750468313694, -0.045684341341257095, -0.06529448181390762, -0.0859614685177803, -0.0822376161813736, -0.08225609362125397, -0.07242569327354431, -0.07157615572214127, -0.07494629174470901, -0.07212674617767334, -0.07036251574754715, -0.0543486513197422, -0.05641622468829155, -0.04320140182971954, -0.05327367037534714, -0.06763190776109695, -0.06806082278490067, -0.08794369548559189, -0.08386404067277908, -0.07715458422899246, -0.07738382369279861, -0.09113219380378723, -0.09478253871202469, -0.10265476256608963, -0.07189134508371353, -0.08404994755983353, -0.07414304465055466, -0.04952148348093033, -0.06253081560134888, -0.045223042368888855, -0.06091761589050293, -0.03567533940076828, -0.06405334919691086, -0.0503166988492012, -0.06013648211956024, -0.06256458908319473, -0.031062191352248192, -0.0670287236571312, -0.004775282461196184, -0.027214981615543365, 0.02198841981589794, 0.033897362649440765, 0.02977721206843853, 0.06995391100645065, 0.020557651296257973, 0.06189952418208122, 0.03039184957742691, 0.03428041934967041, 0.021717585623264313, 0.01839902251958847, 0.032602276653051376, 0.009163213893771172, 0.023605432361364365, 0.018059322610497475, 0.04424646496772766, 0.018832199275493622, 0.03339182212948799, 0.01423486415296793, 0.012515244074165821, 0.017781881615519524, 0.006667125970125198, 0.029713084921240807, 0.013350313529372215, 0.03166932985186577, 0.0351899228990078, 0.040390495210886, 0.0494953989982605, 0.05295504629611969, 0.07042210549116135, 0.058699559420347214, 0.05924401059746742, 0.05844895914196968, 0.05136449262499809, 0.04685039073228836, 0.05709920823574066, 0.04894573241472244, 0.04218273237347603, 0.04515755921602249, 0.03794996812939644, 0.05394652485847473, 0.04112837091088295, 0.047974489629268646, 0.05300627648830414, 0.04528772830963135, 0.046939510852098465, 0.040121328085660934, 0.044569406658411026, 0.030757823958992958, 0.02845258265733719, 0.023920485749840736, 0.030684133991599083, 0.03989957273006439, 0.036177683621644974, 0.05102333799004555, 0.04786673188209534, 0.05147375166416168, 0.06980773061513901, 0.06893323361873627, 0.06928712874650955, 0.07669201493263245, 0.06843530386686325, 0.06154690310359001, 0.05333705618977547, 0.04527351260185242, 0.046785853803157806, 0.02976599521934986, 0.020087411627173424, 0.0240503940731287, 0.026926586404442787, 0.018155405297875404, 0.017270127311348915, 0.018338892608880997, 0.015504064969718456, 0.026058223098516464, 0.009535524994134903, 0.016324277967214584, 0.0013665880542248487, 0.0004397536686155945, 0.017778323963284492, 0.015619697980582714, 0.028801441192626953, 0.017292112112045288, 0.01692083477973938, 0.01843702420592308, 0.0194699689745903, 0.0028550133574754, -0.0116257444024086, -0.0159598421305418, -0.03342378884553909, -0.032975565642118454, -0.04072805121541023, -0.043926090002059937, -0.033636484295129776, -0.04147981107234955, -0.042574815452098846, -0.048638030886650085, -0.04317036271095276, -0.048152681440114975, -0.05516552925109863, -0.0460292249917984, -0.03925099968910217, -0.030006976798176765, -0.02499687485396862, -0.024301568046212196, -0.015474636107683182, -0.014985027723014355, -0.029700422659516335, -0.035655904561281204, -0.04823705181479454, -0.05376134067773819, -0.06499603390693665, -0.08257880061864853, -0.05784698948264122, -0.06814990937709808, -0.061735302209854126, -0.0630989745259285, -0.06753934919834137, -0.051559384912252426, -0.04171864688396454, -0.04456831142306328, -0.04783005267381668, -0.04092678055167198, -0.059421855956315994, -0.05969558656215668, -0.058213379234075546, -0.05417989194393158, -0.05154120922088623, -0.06311088800430298, -0.06050686910748482, -0.044573698192834854, -0.037088461220264435, -0.04658520221710205, -0.05138278007507324, -0.05007525160908699, -0.0512397438287735, -0.04720382019877434, -0.055477339774370193, -0.04841197282075882, -0.028440695255994797, -0.037515345960855484, -0.029547035694122314, -0.004121864680200815, -0.002153287408873439, -0.009981806389987469, -0.02715262770652771, -0.023868992924690247, -0.0173284150660038, -0.03835052251815796, -0.02074112743139267, -0.02301238663494587, -0.039067089557647705, -0.04566626995801926, -0.04601431265473366, -0.034331779927015305, -0.04060355946421623, -0.04011901095509529, -0.03577759116888046, -0.020035410299897194, -0.007170603144913912, -0.00689348578453064, 0.002998513402417302, 0.0058912415988743305, 0.0027079819701611996, -0.0192064568400383, -0.042601577937603, -0.04183345288038254, -0.03495138883590698, -0.03302086517214775, -0.032815951853990555, -0.035789042711257935, -0.016532255336642265, -0.003580082207918167, -0.02792494185268879, -0.02074239030480385, -0.004340381361544132, -0.012956873513758183, -0.024691998958587646, -0.032294340431690216, -0.004049783106893301, 0.01825588196516037, 0.011140840128064156, 0.007173454388976097, 0.016981162130832672, 0.035456594079732895, 0.023298218846321106, 0.010137245059013367, 0.005297497380524874, 0.0025254013016819954, -0.0039136516861617565, -0.02167852595448494, -0.017222125083208084, -0.01690126769244671, -0.005228390917181969, -0.002990394365042448, -0.00230977195315063, -0.007163122296333313, 0.024680767208337784, 0.02560477703809738, 0.03625288978219032, 0.04880417883396149, 0.05336026847362518, 0.06987861543893814, 0.04923808574676514, 0.04602006822824478, 0.05016492307186127, 0.04664178565144539, 0.03613768517971039, 0.02788662165403366, 0.03006027638912201, 0.037751734256744385, 0.04004446044564247, 0.044611312448978424, 0.04008182883262634, 0.046312738209962845, 0.04711390659213066, 0.03469442203640938, 0.04994802176952362, 0.05353252589702606, 0.05616483464837074, 0.04957318305969238, 0.05251237377524376, 0.06501448899507523, 0.06406696885824203, 0.07105772942304611, 0.055654678493738174, 0.049806464463472366, 0.048824552446603775, 0.04355904832482338, 0.04524075984954834, 0.04681304469704628, 0.037030596286058426, 0.047316838055849075, 0.034676507115364075, 0.0476735420525074, 0.05807321146130562, 0.036969006061553955, 0.04305395111441612, 0.034854333847761154, 0.04032208397984505, 0.04937974363565445, 0.041466861963272095, 0.0388098880648613, 0.026715924963355064, 0.020003916695713997, 0.019758528098464012, 0.021829834207892418, 0.010992282070219517, 0.009585774503648281, -0.00044476284529082477, 0.012785465456545353, 0.011849827133119106, 0.012961449101567268, 0.023971056565642357, 0.00456268060952425, 0.012208166532218456, -0.003968068398535252, -0.0022668568417429924, 0.007709241937845945, -0.008660001680254936, -0.011358283460140228, -0.0011519851395860314, -0.013001605868339539, 0.0038715312257409096, -0.0046264105476439, -0.002739412011578679, -0.009793219156563282, -0.02729092352092266, -0.012708401307463646, -0.023629318922758102, -0.019447987899184227, -0.002604247070848942, -0.004911211784929037, -0.009409298188984394, -0.0019886812660843134, 0.008601688779890537, 0.009705331176519394, -0.007658773567527533, -0.023020388558506966, 0.00017140869749709964, -0.005989480763673782, -0.03633077070116997, -0.02763688564300537, -0.022738225758075714, -0.01030987873673439, -0.03522847220301628, -0.030424639582633972, -0.001454777317121625, -0.02247871644794941, -0.016202444210648537, -0.02243872918188572, -0.015771368518471718, -0.008129238151013851, -0.01215391792356968, 0.0007009149412624538, -0.008030601777136326, 0.0012219190830364823, -0.009202416054904461, -0.0008243466727435589, -0.024312101304531097, -0.024928558617830276, 0.002227328484877944, -0.012404665350914001, -0.02972518466413021, -0.017343832179903984, -0.01434814091771841, -0.009665588848292828, -0.02752089686691761, -0.02310660108923912, 0.004405982792377472, -0.006922397296875715, 0.01625617779791355, -0.002894284902140498, 0.002160123083740473, 0.027599694207310677, 0.0016140288207679987, -0.011026703752577305, -0.024584531784057617, 0.0027468912303447723, -0.02348914183676243, -0.00629448750987649, -0.022591471672058105, -0.023771008476614952, 0.012813995592296124, 0.00878634862601757, -0.01343371532857418, -0.024531204253435135, 0.006346436217427254, -0.009346609003841877, -0.0046977330930531025, -0.011974651366472244, -0.0013692330103367567, 0.00875092577189207, -0.005683741066604853, -0.006653383374214172, 0.01082458533346653, 0.05178065225481987, 0.009939763695001602, -0.0210906732827425, -0.0031456025317311287, 0.004733768291771412, -0.013160119764506817, -0.0494442880153656, -0.02454230561852455, -0.004029001574963331, -0.019788438454270363, -0.01938248611986637, 0.010230937041342258, 0.008754597045481205, 0.004585882183164358, 0.0037508290261030197, -0.018048768863081932, 0.013091719709336758, -0.019666481763124466, -0.024750491604208946, 0.004742944613099098, -0.025561343878507614, -0.010083897039294243, -0.003766680369153619, -0.002529728692024946, 0.027356406673789024, -0.009658955037593842, -0.02362322248518467, 0.0017716855509206653, 0.002936817239969969, -0.01348058134317398, -0.045608773827552795, -0.004427691455930471, -0.04979899153113365, 0.0014377563493326306, -0.018505729734897614, -0.026805413886904716, 0.028226511552929878, -0.003335208399221301, 0.005886078346520662, -0.007894925773143768, 0.001893766107968986, -0.0026290202513337135, -0.0059216818772256374, 0.0009798757964745164, -0.018587501719594002, 0.0148253059014678, -0.016572648659348488, -0.013121471740305424, 0.00879297312349081, -0.0002386458363616839, -0.004391067195683718, -0.028130942955613136, 0.0038379288744181395, 0.002193630440160632, -0.04100067541003227, -0.03209147974848747, 0.01199265569448471, 0.011865808628499508, -0.055630799382925034, -0.009329098276793957, 0.009843748062849045, 0.03564462810754776, -0.02781733311712742, -0.017251841723918915, 0.04688415676355362, 0.00479513593018055, -0.003508195048198104, -0.016393976286053658, 0.012222519144415855, 0.0002450302126817405, -0.03617340326309204, 0.005961388349533081, -0.03584756329655647, 0.04405582323670387, 0.017501311376690865, -0.05565616488456726, 0.008007695898413658, 0.009443572722375393, 0.02341962791979313, 0.013313503004610538, -0.036923013627529144, 0.036636833101511, 0.03873743116855621, -0.016930868849158287, 0.009062091819941998, 0.021974705159664154, -0.04340885207056999, -0.00967749860137701, 0.007137445732951164, -0.03251589462161064, -0.00952377263456583, -0.01627972535789013, -0.016409453004598618, -0.011165625415742397, -0.0001782287727110088, 0.03823143616318703, 0.007183308247476816, 0.011160949245095253, 0.015355647541582584, 0.009436420165002346, -0.026014337316155434, -0.02463947795331478, 0.016147824004292488, 0.0029435039032250643, 0.010870321653783321, -0.01218564435839653, 0.07034879177808762, 0.003668040269985795, -0.028148990124464035, 0.018218697980046272, -0.04178915172815323, -0.033114105463027954, -0.007798988372087479, -0.016704125329852104, -0.024680545553565025, -0.02084987983107567, 0.002052114112302661, -0.015707047656178474, -0.037159137427806854, -0.007409513462334871, 0.024498306214809418, 0.022067248821258545, -0.04624607041478157, 0.027020469307899475, 0.05771896615624428, -0.030748039484024048, 0.003861241741105914, -0.005801100749522448, -0.03234093263745308, 0.04067659750580788, -0.009956737980246544, -0.04778201878070831, 0.021184563636779785, -0.008630762808024883, -0.003708162112161517, 0.026545630767941475, -0.04910944402217865, 0.044272586703300476, 0.010677761398255825, -0.02930157445371151, -0.015207615680992603, 0.011591111309826374, 0.023164555430412292, -0.0505041629076004, 0.01580013707280159, -0.0056463005021214485, 0.0010965834371745586, 0.03871787339448929, -0.008191113360226154, -0.017536375671625137, -0.03119703382253647, 0.04021678864955902, -0.07635527104139328, 0.024084996432065964, 0.0136227086186409, -0.015546940267086029, 0.040381673723459244, -0.027130387723445892, 0.05399889498949051, 0.0008504855795763433, 0.04806119203567505, -0.02105776034295559, 0.04018374904990196, -0.004885008558630943, -0.017750928178429604, 0.09464578330516815, -0.05648709461092949, 0.030413417145609856, 0.011869192123413086, -0.03780525550246239, -0.007339006755501032, 0.030433058738708496, -0.04686950147151947, -0.0016708365874364972, 0.04190560802817345, -0.053934723138809204, 0.07483775168657303, -0.051990531384944916, 0.009539675898849964, 0.021927114576101303, -0.09086225181818008, 0.06870418787002563, -0.08148454129695892, 0.017797190696001053, 0.060807544738054276, -0.038546185940504074, 0.03092217445373535, -0.0646635964512825, 0.10414490103721619, -0.008044644258916378, -0.057665321975946426, 0.039334915578365326, -0.027873001992702484, 0.025999564677476883, 0.004471896681934595, 0.005693458486348391, 0.026044921949505806, 0.0343589186668396, -0.022663401439785957, 0.0605311281979084, 0.03111613541841507, -0.09957075864076614, 0.033175501972436905, 0.06426829099655151, -0.0691484808921814, -0.055553317070007324, 0.006491773296147585, 0.0929923877120018, -0.05182543769478798, -0.11376943439245224, 0.07502926141023636, 0.0047849141992628574, 0.007247164845466614, -0.054092396050691605, 0.03506097570061684, 0.040090374648571014, 0.06543422490358353, -0.09162139892578125, 6.261219823500142e-05, 0.07284875214099884, -0.07837572693824768, 0.06658624857664108, -0.10818738490343094, 0.08610929548740387, 0.06825090199708939, -0.03478847071528435, 0.03045991249382496, -0.061900991946458817, 0.07785078138113022, 0.018628062680363655, -0.10789818316698074, 0.021024927496910095, 0.034776993095874786, 0.03905357047915459, -0.06929931044578552, -0.03645290806889534, 0.05152115598320961, 0.08082768321037292, -0.08560454100370407, -0.03182287886738777, 0.03855189308524132, 0.06366995722055435, -0.04536297917366028, -0.06291267275810242, -0.03237694501876831, 0.07146965712308884, 0.0015394402435049415, -0.061725255101919174, 0.07195686548948288, 0.03648068383336067, 0.019201312214136124, -0.0010677811224013567, -0.049586400389671326, -0.02027951553463936, 0.15120474994182587, -0.05184125155210495, -0.062923863530159, -0.007067341823130846, 0.1178976371884346, -0.021511701866984367, -0.0574469156563282, 0.017058996483683586, 0.006077631376683712, 0.04968670383095741, -0.056230440735816956, 0.059219878166913986, -0.02811490371823311, 0.033358413726091385, 0.006546308286488056, -0.021105825901031494, -0.07519460469484329, 0.07359366118907928, 0.06965797394514084, -0.16155347228050232, 0.022160956636071205, 0.04683425650000572, 0.054646242409944534, -0.023339316248893738, -0.08519873023033142, 0.13975374400615692, -0.013163727708160877, -0.07950610667467117, 0.005617467220872641, 0.02869080752134323, 0.0007466202368959785, 0.02923048846423626, -0.032231446355581284, -0.013220660388469696, 0.13698424398899078, -0.07052933424711227, 0.04302607476711273, -0.09293537586927414, 0.10357308387756348, 0.057792842388153076, -0.11194353550672531, -0.021593090146780014, 0.1055692657828331, -0.032909370958805084, -0.07559198886156082, 0.015558946877717972, 0.03228747844696045, 0.05252474546432495, -0.04766325652599335, -0.03893852233886719, 0.08466251939535141, -0.0009937220020219684, -0.033756572753190994, 0.016301719471812248, -0.07273811101913452, 0.12177521735429764, -0.011003635823726654, -0.1167600080370903, 0.08150917291641235, -0.002960319397971034, 0.12196505814790726, -0.1352885365486145, 0.005833379924297333, 0.04670504108071327, 0.09591341018676758, -0.06328099966049194, -0.1479858011007309, 0.09594708681106567, 0.10534143447875977, -0.061040475964546204, -0.10331135243177414, 0.09155481308698654, 0.05444585531949997, -0.009305532090365887, -0.10462614893913269, 0.012807094492018223, 0.06631737947463989, -0.001345491618849337, -0.011146550998091698, -0.09495972096920013, 0.019085995852947235, 0.15902002155780792, -0.09713723510503769, -0.08284413069486618, 0.06307758390903473, 0.08862067013978958, -0.03629760071635246, -0.0736473873257637, 0.03700680658221245, 0.06853935867547989, -0.042005885392427444, -0.03611582890152931, 0.011659791693091393, 0.057345613837242126, -0.030052198097109795, -0.10264873504638672, 0.11229205131530762, -0.08731812983751297, 0.10898963361978531, -0.12224576622247696, 0.05050434544682503, 0.08191848546266556, -0.09230717271566391, 0.009732184931635857, 0.02592857927083969, -0.0015851615462452173, -0.08151297271251678, 0.030052630230784416, 0.011292754672467709, 0.01842942275106907, -0.006922541186213493, -0.01973024196922779, -0.008582109585404396, 0.013547468930482864, 0.038019005209207535, -0.10264233499765396, 0.08044599741697311, -0.005386676639318466, -0.05431961640715599, 0.00740082049742341, 0.044726841151714325, 0.07310846447944641, -0.12129658460617065, 0.02876024879515171, 0.026414941996335983, 0.04567267373204231, -0.09712738543748856, 0.011361696757376194, 0.0027265537064522505, 0.04153544455766678, -0.009974525310099125, -0.16966508328914642, 0.11946917325258255, 0.042049799114465714, -0.05394769459962845, -0.10609108954668045, 0.05459900572896004, 0.1028631255030632, -0.08900956064462662, -0.1216994896531105, 0.06217152252793312, 0.0974326804280281, -0.10278380662202835, -0.11170599609613419, 0.09508610516786575, 0.04937394708395004, 0.004340640269219875, -0.12754382193088531, 0.05688220262527466, 0.036106135696172714, -0.018696559593081474, -0.06284128129482269, 0.03213990479707718, 0.0009645663085393608, 0.04181256890296936, -0.034065522253513336, -0.07908806204795837, 0.08517342805862427, 0.04188430681824684, -0.037493567913770676, -0.10186202079057693, 0.11579648405313492, -0.052607063204050064, 0.01898176781833172, -0.08068516850471497, -0.010040201246738434, 0.06934071332216263, -0.07689076662063599, -0.058892179280519485, 0.06722097098827362, -0.026058722287416458, -0.010296998545527458, 0.004338222090154886, -0.03807729110121727, 0.06016546115279198, -0.07186514884233475, 0.03427663818001747, -0.008833779953420162, -0.04198019579052925, 0.08597797155380249, -0.13630938529968262, 0.06975264102220535, 0.009190543554723263, 0.003532018279656768, -0.06426463276147842, 0.0929405614733696, -0.011453278362751007, -0.09337314963340759, 0.0857875794172287, 0.054869212210178375, -0.08680874109268188, -0.07719318568706512, 0.15148495137691498, -0.03905513510107994, -0.048882655799388885, -0.05591047182679176, 0.1048157587647438, -0.07184956967830658, 0.023362888023257256, -0.1297677904367447, 0.09444517642259598, 0.0236627496778965, -0.07618480920791626, -0.009658257476985455, -0.04376645386219025, 0.1196257472038269, -0.08637832850217819, 0.02904531918466091, -0.09099842607975006, 0.17773228883743286, -0.14128245413303375, 0.07399369776248932, -0.06309696286916733, 0.020390678197145462, 0.09569299221038818, -0.07552749663591385, -0.05895674228668213, 0.043168116360902786, 0.1074417233467102, -0.11737512797117233, 0.016144273802638054, -0.08670072257518768, 0.13709382712841034, -0.058613914996385574, -0.06598483771085739, 0.04848670959472656, -0.04405606910586357, 0.06323845684528351, -0.013591195456683636, -0.13113848865032196, 0.08150628954172134, 0.14085151255130768, -0.19292570650577545, 0.08355148881673813, -0.056724514812231064, 0.022246845066547394, 0.06290076673030853, -0.13427262008190155, 0.0636722669005394, -0.05156340450048447, 0.11911678314208984, -0.11814412474632263, 0.023584334179759026, 0.048267900943756104, -0.019979912787675858, 0.11529644578695297, -0.2222777158021927, 0.0967855304479599, 0.06417995691299438, -0.0016424464993178844, -0.14349909126758575, 0.042818278074264526, 0.0973399356007576, -0.015475274063646793, -0.08339449763298035, 0.022700728848576546, 0.004083654377609491, 0.10400137305259705, -0.1293918341398239, -0.06132097914814949, 0.10001327842473984, 0.04938103258609772, -0.12315043807029724, 0.029413802549242973, 0.042913589626550674, -0.09810450673103333, 0.10323768854141235, -0.0309287142008543, -0.04227786511182785, 0.022402552887797356, 0.03746282309293747, -0.030605526641011238, -0.022805647924542427, -0.03019643761217594, 0.057209353893995285, 0.03739224746823311, -0.15557119250297546, 0.0743442252278328, 0.07472038269042969, -0.07989604771137238, 0.024333978071808815, -0.04551877826452255, 0.0171908438205719, 0.02929365634918213, 0.024483509361743927, -0.06073729321360588, -0.040578000247478485, 0.13432355225086212, -0.05751724913716316, -0.05008602887392044, 0.019677868112921715, -0.004773963708430529, 0.07958328723907471, -0.11839348077774048, 0.047157470136880875, -0.0317566804587841, 0.06611360609531403, -0.012554056942462921, -0.1648082733154297, 0.17798574268817902, -0.01496333722025156, -0.07869125157594681, 0.056636225432157516, -0.013286956585943699, 0.0004289371136110276, 0.039316676557064056, -0.1227693185210228, 0.10316169261932373, -0.02125721424818039, -0.020624566823244095, 0.017258495092391968, 0.008252703584730625, -0.030769728124141693, -0.024001576006412506, 0.10095105320215225, -0.13541699945926666, 0.09867528825998306, -0.1111055240035057, 0.13217520713806152, -0.050539761781692505, -0.04943695291876793, 0.09444288164377213, -0.13422955572605133, 0.09949999302625656, -0.02708468958735466, -0.04376043379306793, 0.0054650818929076195, 0.035656388849020004, -0.006190395448356867, 0.027179444208741188, -0.11999385803937912, 0.09670070558786392, 0.021355848759412766, -0.10895862430334091, 0.09866753965616226, -0.06889325380325317, 0.0780259370803833, -0.16237522661685944, 0.20284828543663025, -0.06204085052013397, -0.12362080812454224, 0.10097869485616684, -0.016612384468317032, 0.04163661599159241, -0.10073138773441315, 0.02423865534365177, 0.044282570481300354, -0.02919893153011799, 0.020714817568659782, -0.03071724623441696, -0.001758852624334395, 0.023088885471224785, 0.021409736946225166, -0.04862993210554123, 0.03877335414290428, -0.04008159786462784, 0.02989579178392887, 0.04168979078531265, -0.13444019854068756, 0.11398709565401077, 0.005544963292777538, -0.10105301439762115, 0.05902331694960594, 0.05186527967453003, -0.05570068955421448, 0.009110369719564915, 0.003620909759774804, -0.012821182608604431, 0.09726021438837051, -0.11391554027795792, -0.027340538799762726, 0.11533337086439133, -0.03219057619571686, -0.08207014948129654, 0.099982351064682, -0.07357612997293472, 0.05703936889767647, 0.02224723994731903, -0.08735247701406479, 0.06624604016542435, -0.0038015039172023535, 0.014129381626844406, -0.024338407441973686, -0.07345882058143616, 0.1286129504442215, -0.005129729397594929, -0.13898305594921112, 0.10871653258800507, 0.029916277155280113, -0.05246976390480995, -0.018507907167077065, 0.047143224626779556, -0.013453601859509945, 0.02139471471309662, -0.03223787620663643, -0.0016784657491371036, 0.08142650127410889, -0.13012871146202087, 0.1208273246884346, -0.03719703108072281, -0.04165811836719513, 0.08357810974121094, -0.05513177439570427, -0.01151297427713871, 0.03820852190256119, -0.024908700957894325, 0.0122536551207304, 0.005596281494945288, 0.00728447875007987, -0.030672946944832802, 0.020323345437645912, 0.009470109827816486, 0.0017087740125134587, -0.04020102322101593, 0.04140574485063553, 0.029201852157711983, -0.06810811161994934, 0.02805090881884098, 0.050266776233911514, -0.09044434875249863, 0.08786039054393768, -0.08825043588876724, 0.015233691781759262, 0.06694222241640091, -0.01797770895063877, -0.060962602496147156, 0.09847960621118546, -0.09642215818166733, 0.08884244412183762, -0.03872237727046013, -0.04559524357318878, 0.08782625198364258, -0.062037765979766846, 0.019035959616303444, -0.032415807247161865, 0.11983662098646164, -0.18276746571063995, 0.15447232127189636, -0.029350511729717255, -0.010309736244380474, -0.028579777106642723, -0.008309483528137207, 0.08757089823484421, -0.0831308513879776, 0.01258307509124279, 0.0064273402094841, 0.0441732183098793, -0.04656193032860756, 0.03559206798672676, -0.05749910697340965, 0.07937315106391907, -0.04633736610412598, -0.017695290967822075, 0.0369727797806263, -0.07627677172422409, 0.18529966473579407, -0.1653081178665161, -0.01068094652146101, 0.07189974933862686, 0.08609646558761597, -0.15655933320522308, 0.04846310615539551, 0.005194117780774832, 0.051226381212472916, -0.01711937226355076, -0.11098816990852356, 0.17452046275138855, -0.11749757081270218, 0.02965855784714222, 0.015624872408807278, -0.036111146211624146, -0.01592959463596344, 0.07340051978826523, -0.05555868148803711, 0.022761540487408638, -0.03542860969901085, -0.00424581253901124, 0.1333344727754593, -0.16615194082260132, 0.0760791078209877, -0.05461018159985542, 0.06913440674543381, -0.0226274561136961, -0.03815137967467308, 0.04004254564642906, -0.010070789605379105, 0.01269344612956047, 0.010152103379368782, -0.028159746900200844, -0.04688264802098274, 0.12984372675418854, -0.059118565171957016, -0.02726016566157341, -0.04631434753537178, 0.0942939892411232, 0.006625211797654629, -0.08826816827058792, 0.016206154599785805, 0.019954947754740715, 0.10120074450969696, -0.15981818735599518, 0.03221077844500542, 0.0384255014359951, 0.04597677290439606, -0.05453624576330185, -0.0736473873257637, 0.08488146960735321, 0.025643808767199516, -0.0503731369972229, -0.011335226707160473, -0.008643223904073238, 0.0965554490685463, -0.09425980597734451, 0.04527871310710907, -0.041778936982154846, 0.00598753010854125, 0.07559271901845932, -0.08578048646450043, 0.020213361829519272, -0.01790287159383297, 0.045328184962272644, 0.0076550948433578014, -0.06313259899616241, 0.06925829499959946, -0.05896000564098358, 0.050720829516649246, 0.01614423468708992, -0.0993044450879097, 0.05657973885536194, 0.02876865863800049, -2.138183481292799e-05, -0.06285954266786575, 0.009827792644500732, 0.05959026515483856, -0.025151295587420464, -0.0016552727902308106, -0.012526936829090118, -0.014323048293590546, 0.060822874307632446, -0.07382436841726303, 0.03855633735656738, -0.014353635720908642, -0.010256956331431866, 0.019596509635448456, 0.0206905584782362, -0.07040516287088394, 0.05057724937796593, 0.028738826513290405, -0.048160433769226074, -0.0027541371528059244, 0.008186537772417068, 0.030987918376922607, -0.0018491415539756417, -0.054241932928562164, 0.004279107321053743, 0.07070194184780121, -0.027023227885365486, -0.10186140239238739, 0.13619652390480042, -0.07646744698286057, 0.03808995336294174, -0.0014150477945804596, -0.05559694394469261, 0.08626798540353775, -0.06405886262655258, 0.07248082011938095, -0.08557067066431046, 0.08738123625516891, -0.0810650885105133, 0.07089241594076157, -0.01455750223249197, 0.014144837856292725, -0.06266320496797562, 0.05115808546543121, 0.012298340909183025, -0.03906949236989021, 0.02111809328198433, -0.028934285044670105, 0.079975426197052, -0.07530250400304794, 0.050187837332487106, -0.0372762493789196, 0.04538402333855629, -0.033745571970939636, 0.006556367501616478, 0.0027023558504879475, 0.003168361959978938, 0.02211078256368637, -0.054378852248191833, 0.05810125917196274, -0.003970659803599119, -0.028198428452014923, -0.00379774603061378, 0.006541036069393158, 0.05232642963528633, -0.05277462676167488, -0.010370567440986633, 0.06669390946626663, -0.04481678083539009, 0.04764872416853905, -0.060370996594429016, 0.01211610808968544, 0.018986009061336517, 0.05475987493991852, -0.06617898494005203, 0.005247677210718393, -0.04714760556817055, 0.14332453906536102, -0.05783093348145485, -0.08308256417512894, 0.09603886306285858, -0.012444286607205868, -0.009646984748542309, 0.019134575501084328, -0.09023544937372208, 0.12085830420255661, -0.022352294996380806, -0.061589110642671585, 0.04308537393808365, 0.012525422498583794, -0.004517890512943268, -0.03559799864888191, 0.03691700100898743, 0.015691645443439484, -0.05491471663117409, 0.0229769479483366, 0.0377165861427784, -0.010118607431650162, -0.009177958592772484, -0.03711453452706337, 0.0751151368021965, -0.057502880692481995, 0.02311701886355877, 0.007972236722707748, 0.011999387294054031, -0.009842831641435623, -0.015521018765866756, -0.02235337905585766, 0.07156029343605042, -0.005662021692842245, -0.08149538189172745, 0.05930562689900398, -0.011530519463121891, 0.01704885996878147, 0.04588183015584946, -0.11272087693214417, 0.10260949283838272, -0.052620839327573776, 0.0324508436024189, -0.012385079637169838, -0.02919304184615612, 0.06849204748868942, -0.026659049093723297, -0.022713543847203255, -0.03541097790002823, 0.12353149056434631, -0.11040274053812027, 0.04640091210603714, -0.021152637898921967, 0.0234324112534523, 0.016329806298017502, -0.03501950204372406, 0.03244291990995407, -0.007723711896687746, -0.025970619171857834, 0.06376435607671738, -0.06574197858572006, 0.04959966614842415, -0.036975279450416565, 0.039570003747940063, -0.02028803527355194, 0.0032431455329060555, 0.01883280836045742, -0.0721842348575592, 0.10773581266403198, -0.07604661583900452, 0.08719075471162796, -0.09886446595191956, 0.05166499689221382, -0.03056992031633854, 0.05169353261590004, -0.026387350633740425, -0.01123148575425148, 0.023346779868006706, -0.03510146588087082, 0.05380714684724808, -0.017590636387467384, -0.005681650713086128, -0.01729210466146469, 0.008697646670043468, -0.0037580737844109535, 0.05655020475387573, -0.0602753609418869, 0.011808965355157852, 0.01077079027891159, -0.010516542941331863, 0.010968009009957314, 0.002013053512200713, -0.0031127508264034986, 0.01307037752121687, -0.03299712762236595, 0.02439272403717041, 0.012072732672095299, -0.0061728982254862785, -0.01393651869148016, -0.031195469200611115, 0.07008888572454453, -0.013232866302132607, -0.021943118423223495, -0.01396776270121336, 0.031876616179943085, -0.031176164746284485, 0.02914608269929886, -0.00131415412761271, -0.024500463157892227, -0.0236903578042984, 0.06460824608802795, -0.03155465051531792, 0.010595335625112057, -0.031225480139255524, 0.024603724479675293, -0.0024662523064762354, 0.01585984230041504, 0.014458540827035904, -0.08147219568490982, 0.07001718133687973, -0.022832605987787247, 0.058185726404190063, -0.10239167511463165, 0.03810245171189308, 0.009500033222138882, -0.0014714294811710715, 0.039154019206762314, -0.09501857310533524, 0.06299974769353867, -0.02768135257065296, 0.025601617991924286, 0.00015809402975719422, -0.02767389826476574, -0.006297711282968521, 0.04470332711935043, -0.02565544843673706, -0.005284523591399193, -0.01088715996593237, -0.006297558546066284, 0.054707180708646774, -0.03597931191325188, -0.011472231708467007, -0.01287754438817501, 0.005398849491029978, 0.04371136426925659, -0.0397505909204483, -0.004557991866022348, -0.01974709890782833, 0.018344895914196968, 0.0036612190306186676, -0.003923220559954643, -0.013404482044279575, -0.00036292802542448044, -0.020207222551107407, 0.01396934688091278, -0.00333727290853858, -0.00727890245616436, -0.004526066593825817, -0.0007041227072477341, -0.026019560173153877, 0.014197406359016895, -0.02246413379907608, 0.028249628841876984, -0.027569472789764404, -0.0007195404032245278, -0.015305194072425365, -0.014243741519749165, 0.009930468164384365, -0.02026664838194847, 0.029015814885497093, -0.03023591637611389, -0.009777060709893703, -0.008465755730867386, -0.00900532491505146, -0.010114326141774654, -0.011609301902353764, 0.0031335074454545975, -0.005447100847959518, 0.002301276894286275, -0.04234793037176132, 0.018496042117476463, -0.005062730982899666, -0.0020624015014618635, -0.01618809439241886, -0.0018910294165834785, 0.0009551476687192917, 0.0037532297428697348, -0.014624117873609066, -0.0014317554887384176, -0.01758740469813347, 0.002397051779553294, -0.005175625905394554, 0.008603031747043133, -0.011485908180475235, 0.001534151379019022, -0.0009961272589862347, -0.01117746066302061, -0.0019725763704627752, 0.004424139391630888, -0.006026641000062227, 0.0023781592026352882, 0.003161828964948654, -0.018761178478598595, 0.012641118839383125, -0.005878207739442587, -0.01216503232717514, -0.007528746034950018, 0.012294423766434193, -0.0021150908432900906, 0.003024977631866932, -0.028621165081858635, 0.03231595829129219, -0.024078259244561195, -0.000237349871895276, 0.00020218593999743462, 0.006722292397171259, 0.0013319439021870494, 0.0029428298585116863, -0.013522971421480179, 0.006304634269326925, -0.008213000372052193, 0.009464091621339321, 0.0016578459180891514, -0.010062182322144508, 0.01018211618065834, -0.0032181788701564074, 0.0015009139897301793, -0.007528860121965408, 0.011573760770261288, -0.0041822814382612705, 0.0046821776777505875, -0.003457920625805855, 0.009190955199301243, 0.002142878482118249, -0.008517308160662651, 0.0059625436551868916, 0.002411860739812255, -0.0020519935060292482, 0.008099828846752644, -0.012083183974027634, 0.013252696953713894, -0.002248960779979825, 0.0031331912614405155, 0.002287251176312566, -0.005747001618146896, 0.005702021066099405, 0.0013919298071414232, 0.005274054128676653, -0.00556594505906105, 0.012489525601267815, -0.007217878475785255, 0.0033800366800278425, 0.012953117489814758, -0.014849760569632053, 0.008591811172664165, -0.0008040473330765963, 0.013737902976572514, -0.012666533701121807, 0.013364446349442005, -0.0006251279264688492, -0.002018216298893094, 0.006114296615123749, -0.00623860489577055, 0.010723336599767208, -0.005215653218328953, 0.007280248682945967, -0.01048788521438837, 0.01553015410900116, -0.005329577252268791, -0.0013434120919555426, -0.0004059427010361105, 0.008273866958916187, -0.0035033011808991432, 0.0015611248090863228, 0.0022553512826561928, 0.0026492776814848185, 0.0023958904203027487, -0.004316800273954868, 0.007513011340051889, -0.0025611226446926594, 0.004534208681434393, -0.007165738847106695, 0.013294287025928497, -0.01276225596666336, 0.009330768138170242, 0.003364578355103731, -0.00944153219461441, 0.00618785060942173, 0.006270192563533783, 0.0009508469956927001, -0.006376449950039387, 0.008957083337008953, -0.005508816801011562, 0.01353750005364418, -0.014274396933615208, 0.007554637733846903, 0.00859569851309061, -0.0072774277068674564, 0.002675861120223999, -0.0025927373208105564, 0.01458988431841135, -0.0065796636044979095, 0.0025511460844427347, -0.008269176818430424, 0.01341177336871624, 0.0007867354433983564, -0.002474940847605467, 0.008012110367417336, -0.007488381117582321, 0.01779799349606037, -0.013704347424209118, 0.008290492929518223, 0.002544964198023081, 0.0027163273189216852, -0.006244686432182789, 0.007487439084798098, 0.002117922529578209, 0.0007073708111420274, 0.004997717682272196, -0.0019493702566251159, 0.001054061925970018, 0.0003270695451647043, 0.002619100036099553, 0.0009111783001571894, 0.0016227824380621314, 0.0008484367863275111, 0.004835817031562328, -0.004340259823948145, -0.0011854969197884202, 0.010569371283054352, -0.004346835892647505, 0.002152741653844714, 0.0009176594321615994, -0.005529012996703386, 0.00949268601834774, -0.002573007019236684, 0.00284752668812871, 0.002566738286986947, -0.007083731237798929, 0.00958763062953949, -5.915661677136086e-05, -0.0046080974861979485, 0.004499135073274374, 0.002512909471988678, 0.000444549456005916, -0.0004950120928697288, 0.0009580857586115599, 0.0005525877350009978, 0.004198477137833834, 0.0011342082871124148, -0.005065836012363434, 0.0017595108365640044, 0.00498232152312994, -0.002323203720152378, 0.005059549584984779, -0.003399959998205304, 0.005221948027610779, -0.0020655838306993246, 0.0035994199570268393, 5.0821417971746996e-05, 0.002978854114189744, 0.0009352526976726949, -0.0028556936886161566, 0.004021619912236929, 0.003245875472202897, 0.0036708833649754524, -0.003458744380623102, 0.0008161463774740696, 0.0019563136156648397, 0.0016745768953114748, -0.0035419531632214785, 0.005711114965379238, 0.002587068360298872, -0.003066602163016796, 0.004411587491631508, -0.0021326912101358175, 0.0042696925811469555, -0.002518062014132738, 0.003878118237480521, -0.0026429491117596626, 0.006753028370440006, -0.0022477901075035334, 0.003218682948499918, 0.002994233975186944, 0.0012851357460021973, -0.0025268939789384604, 0.0041862172074615955, 0.0023008978459984064, -0.0007949538994580507, 0.00473761884495616, 0.0021389969624578953, -0.001870569889433682, 0.0006543245981447399, 0.0049965837970376015, -0.0016034990549087524, 0.0020716863218694925, 0.00032508643926121294, 0.0023000685032457113, 0.0006552175618708134, 0.0037241496611386538, 0.0005689221434295177, 0.0022781037259846926, -0.0020497231744229794, 0.004059609957039356, 0.0025717674288898706, -0.0012513063848018646, 0.0047156247310340405, 1.3465799383993726e-05, 0.0027367249131202698, 0.00027735167532227933, 0.002382615115493536, -0.00030497476109303534, 0.003495028242468834, 0.002574750455096364, -0.0038330114912241697, 0.008244309574365616, -0.005062252748757601, 0.002185393124818802, 0.002543853363022208, -0.00024807892623357475, -0.0005198274739086628, 0.0024428192991763353, 0.002294454025104642, -0.003337173257023096, -0.0006987845408730209, 0.0033653881400823593, -0.002290233736857772, 0.004082140047103167, 0.0008612328674644232, -0.0030808700248599052, 0.001317713176831603, 0.003053243737667799, 0.0023369528353214264, -0.0017150494968518615, 0.0027319975197315216, -0.001222002087160945, 0.001984694041311741, 0.0011090933112427592, -0.0005131550715304911, 0.0017051782924681902, -0.0019181767711415887, 0.0025035368744283915, -0.002043534303084016, 0.0009056663257069886, 0.0027996590360999107, -0.003734740661457181, 0.00494492519646883, -0.0015506451018154621, 0.0026533049531280994, -1.670591336733196e-05, -0.0026117374654859304, 0.004282759036868811, 0.0006618728511966765, 0.0013425300130620599, -0.0004185711732134223, -0.00035281095188111067, -0.0010228907922282815, 0.006298562977463007, -0.0023426569532603025, 0.0009096291032619774, -0.0005492357304319739, 0.0020394776947796345, -0.000540016102604568, 0.0020586042664945126, -0.003629733109846711, 0.0029348116368055344, 0.0002584056055638939, -0.0016697895480319858, 0.0011611605295911431, -0.0009640231146477163, 0.0006708223954774439, -0.002876143204048276, 0.0034026841167360544, -0.0013274134835228324, -0.001138691557571292, 0.0014758093748241663, -0.0006551577826030552, -0.0001602570991963148, 0.00165687152184546, -0.003134209429845214, 0.004049225710332394, -0.004158447962254286, 0.004638372454792261, -0.0028395124245435, -0.0010275959502905607, 0.0013752831146121025, -0.0009902719175443053, -0.00017892745381686836, 0.0003129024407826364, 0.0002802383096423, -0.002450919011607766, 0.002629605820402503, -0.0048679630272090435, 0.0029173758812248707, -0.0019148282008245587, -0.0013193482300266623, 0.0008444595732726157, 5.72392345929984e-05, -0.0008443797123618424, -0.00026863356470130384, -0.000682454090565443, 0.002155655063688755, -0.0030956680420786142, 0.0011983424192294478, 0.0003518298326525837, -0.0006999263423494995, 0.0013895290903747082, -0.002063843421638012, -7.670908962609246e-05, 0.0008202989702112973, -0.0016588750295341015, -0.00016116839833557606, 0.0012277141213417053, -0.0025695052463561296, -0.00036367162829265, 0.0007767966599203646, 0.0005112525541335344, -0.0026751686818897724, 0.00010850448597921059, -0.0008414304465986788, 0.000506321550346911, -0.002958944533020258, 0.0023482083342969418, -0.002225929871201515, -0.0008534989319741726, -9.350751497549936e-05, -0.00022493467258755118, -0.0004120767116546631, -0.002702791942283511, 0.0007891561836004257, 0.0006052267854101956, -0.0011155559914186597, -0.0011223247274756432, 0.0009145599324256182, -0.003582440549507737, 0.0025844592601060867, -0.0010847818339243531, -0.003392584156244993, 0.0018139641033485532, -0.0008593967068009079, 0.0002761968062259257, -0.0004319759027566761, -0.001830168068408966, -0.0007875654264353216, -0.0011189639335498214, 0.0015312383184209466, -0.000511552148964256, -0.002259631408378482, 0.00098371971398592, -0.0015100538730621338, -0.00030378822702914476, 0.001363566261716187, -0.0022099162451922894, -0.0006047399947419763, 0.0007167775765992701, -0.001478539896197617, -0.00016182124090846628, -0.0022001636680215597, 0.0018807491287589073, -0.0017553173238411546, 0.0008061766275204718, -0.0022476341109722853, -0.00020102618145756423, 0.0011147549375891685, -0.0011137581896036863, -0.0016710017807781696, 0.0020559041295200586, -0.0022122166119515896, 0.0008355875033885241, 0.0014219626318663359, -0.0029097264632582664, 0.0008651451207697392, -0.0003342815616633743, 0.0016404653433710337, -0.003486861474812031, 0.0020424937829375267, -0.0024696977343410254, 0.00239776773378253, -0.003693296341225505, 0.000156230729771778, 0.0004976041382178664, -0.002086648251861334, -9.57312477112282e-06, -0.0018797727534547448, -0.0018604169599711895, -0.0011509926989674568, 0.0009128621313720942, -0.003025634679943323, -0.0013616245705634356, -3.236105476389639e-05, -0.001341301016509533, -0.0014745139051228762, -0.0014215417904779315, -7.621200347784907e-05, -0.0009951008250936866, -0.0020757638849318027, 0.0006986894877627492, -0.002686194609850645, 0.0002572998928371817, -0.0021619123872369528, -0.001124660950154066, -0.0015156547306105494, -0.001420618500560522, -0.0018358421511948109, -0.0014892853796482086, -0.0015701584052294493, -0.0015860474668443203, -0.0016804361948743463, -0.0008363313972949982, -0.004457006696611643, 0.001994651509448886, -0.003615055000409484, -0.001994037302210927, 0.0005694310530088842, -0.002940437290817499, -0.0009011146612465382, -0.0017754064174368978, -0.001215276657603681, -0.0011401457013562322, -0.0030608386732637882, 0.00017005096015054733, -0.0018578110029920936, -0.0019006390357390046, -0.0011649795342236757, -8.971810166258365e-05, -0.002955799689516425, 0.00029242559685371816, -0.0016166014829650521, -0.0013533198507502675, -0.0003602367651183158, -0.0008683890919201076, -0.0015221337089315057, -0.0010534912580624223, -0.0009432523511350155, -0.0005176506820134819, -0.001792921801097691, 0.00040599971543997526, -0.00249441247433424, -0.0004928846610710025, -0.00043616167386062443, -0.001522800070233643, -0.0014597504632547498, -0.0005851719179190695, -0.00030543061438947916, -0.0021872317884117365, -0.0012080107117071748, -0.0001658179535297677, 0.0002515423984732479, -0.0036078139673918486, 0.00023884332040324807, -0.0005600290023721755, -0.0008617865387350321, -0.0002099997509503737, -0.0021977992728352547, 0.00026771819102577865, -0.0016253445064648986, 0.0007972398307174444, -0.002102704020217061, 0.00032937072683125734, -0.0017464935081079602, 0.0010131412418559194, -0.0017109798500314355, -0.0008680718601681292, 0.0008471025503240526, -0.001434636884368956, 0.00034516220330260694, -0.0020395799074321985, 0.000784012081567198, -0.0013671595370396972, -5.204334229347296e-05, -0.0012798644602298737, 0.0004113364266231656, -0.0013451178092509508, -0.0015879933489486575, 0.0014875386841595173, -0.002247085329145193, 0.0005595762049779296, -0.000780070957262069, -0.000250939279794693, -0.0004986061831004918, 0.0003869641514029354, -0.0010003767674788833, -9.585709631210193e-05, -0.000506304029840976, 0.0001270243665203452, -0.00037528068060055375, -0.00117727171164006, 0.0005795034230686724, -0.0005590969230979681, -0.001119673135690391, -0.00013167576980777085, -0.0008940924890339375, -0.0010197833180427551, 0.0005220388411544263, -0.0015461412258446217, 0.0002822144015226513, -0.0008816038607619703, -0.0006299015367403626, -0.0005230788374319673, -0.0007415961590595543, 0.00014597077097278088, 0.0002495151711627841, -0.001486161956563592, 0.00023214053362607956, 0.0009000864229165018, -0.0007057174225337803, 0.00019827364303637296, 0.00051107257604599, -4.579384403768927e-05, 0.0003310638421680778, 0.00043510281830094755, -0.00015439359412994236, 0.0009087389335036278, -0.00027443168801255524, 0.00010002611816162243, 0.0011568687623366714, -0.0011899195378646255, 0.0010825422359630466, 0.00019140166114084423, 0.00014781809295527637, 0.0007339953444898129, -0.0004931354196742177, 0.0007433087448589504, -0.0003844361344818026, 9.910642984323204e-05, 0.0004934120806865394, 0.00030667486134916544, -0.00039750945870764554, 0.001232779468409717, -0.00014497063239105046, 0.00021389064204413444, 0.0010435425210744143, -0.0003475021803751588, 0.0011593342060223222, 0.0002902084670495242, -0.0001533871254650876, 0.001537166303023696, -0.00014940212713554502, 0.0008592754602432251, 0.0003133811987936497, 0.0001772752293618396, 0.0010881666094064713, -0.00026298718876205385, 0.00039776606718078256, 0.00023250460799317807, -0.0001172490228782408, 3.439469946897589e-05, -6.883613968966529e-05, 3.815281525021419e-05, -0.0005797519697807729, 0.00031740570557303727, -0.00033451689523644745, 4.1839251935016364e-05, 8.823049029160757e-06, -0.00037447226350195706, 0.00048759952187538147, -0.0006092160474509001, 0.0004044985107611865, -1.5563999113510363e-05, -0.0004856463347095996, -0.00019621099636424333, 0.0006344158318825066, -0.00032929147710092366, -0.0005896183429285884, 0.00014554051449522376, -0.0007143747643567622, 0.0002988991036545485, -0.0006133004790171981, 0.00019530516874510795, 0.00020036031492054462, -0.00025048668612726033, 0.00013557659985963255, 0.0008847475983202457, -0.0009573461138643324, 0.0009950518142431974, -0.0001565304701216519, -3.7394005630631e-05, 0.0011286477092653513, -0.0005137695115990937, 0.0013152812607586384, 0.0002034361386904493, 0.00019007106311619282, 0.0009377604001201689, 0.0009362875134684145, -0.0002811036247294396, 0.0011217505671083927, -9.385370503878221e-05, 0.00026849715504795313, 0.0007833005511201918, -0.000427655759267509, 0.0005198784056119621, -0.00020745658548548818, 0.0003194747550878674, -6.713355105603114e-05, -0.00044238127884455025, 0.0006470521911978722, -0.00027754553593695164, -0.0006750828470103443, 0.0005149337812326849, -0.0004917594487778842, 0.00032182197901420295, -0.0001658211403992027, -0.00012302101822569966, 0.00045630664681084454, 0.00027875954401679337, -2.5614097467041574e-05, -0.00017155174282379448, 6.973210111027583e-05, 0.00013047592074144632, 0.0005259018507786095, -0.0005451032775454223, 6.227620178833604e-05, 9.934650734066963e-05, -0.00010602342081256211, -0.00030215366859920323, -0.000566306640394032, -3.284867852926254e-05, 7.23794219084084e-05, -0.0005156770930625498, 0.00018892608932219446, -0.0003872431698255241, -6.630420830333605e-05, -0.0004567471914924681, 0.0002442473196424544, -5.183536632102914e-05, 7.541852392023429e-05, 0.00016700026753824204, -0.0002898809325415641, 0.00034220810630358756, -0.000273150741122663, 0.00011849639122374356, 0.000455562025308609, -0.000813121092505753, 0.00029227041522972286, -5.09293022332713e-05, -0.0005116922548040748, 0.0002218502340838313, -0.0007930665742605925, -0.0005653089028783143, -4.637007805285975e-05, -0.0007484923698939383, -0.0011649911757558584, -0.00027557561406865716, -0.001219755387865007, -0.00033071308280341327, -0.0012227948755025864, -0.0008728321990929544, -0.0005852835020050406, -0.0009772254852578044, -0.00037514098221436143, -0.000831061159260571, -0.0006946584326215088, -0.00040114481816999614, -0.000586130830924958, -0.0010119902435690165, -0.00043974583968520164, -0.0008308761171065271, -0.00038840610068291426, -0.001099452725611627, -0.0008398726931773126, -0.0002739948104135692, -0.0011785096721723676, -0.0006578087923116982, -0.0015497084241360426, -0.00017146220488939434, -0.001436291728168726, -0.0008575223037041724, -0.00035934304469265044, -0.0012169134570285678, -0.00023754173889756203, -0.0008005360141396523, -0.0005269996472634375, -6.604850204894319e-05, -0.000540791661478579, -0.0008280434994958341, 0.00022377377899829298, -0.0011330837151035666, -0.00028403926989994943, -0.0005434128106571734, -0.0007141173118725419, -0.00026835521566681564, -0.0009525626082904637, -0.000735032488591969, -0.0002288741961820051, -0.0014233411056920886, -0.0004975550691597164, -0.0006380237173289061, -0.001008263905532658, -0.00013967933773528785, -0.0005910099134780467, 0.00018789339810609818, -0.0010614956263452768, 4.098839053767733e-05, 0.00024867014144547284, -0.0006640837527811527, 8.041923138080165e-05, -0.00035230358480475843, -7.014526545390254e-06, -4.8438865633215755e-05, -0.0007218527607619762, 0.00019397451251279563, -0.0005562152364291251, -0.0003913475084118545, -2.283388857904356e-05, -0.0005199477891437709, -0.0003951051039621234, -0.00026732965488918126, -0.0003888703358825296, -0.0004324419132899493, -0.0002453158376738429, -0.00045232466072775424, -6.349548493744805e-05, -0.00013031727576162666, -0.0001324765180470422, -0.00013958752970211208, 0.00014118409308139235, -0.0004499365750234574, 0.00015085395716596395, -0.00015738584625069052, -0.00024547328939661384, -0.0001282344601349905, -5.8105739299207926e-05, -0.0002772399748209864, -0.00048252660781145096, -0.0001619114336790517, -0.00043960625771433115, -0.00034904092899523675, -0.0006188885308802128, -0.00022976234322413802, -0.000970593886449933, -0.00022404776245821267, -0.0006294908234849572, -0.001155032659880817, 0.00021360107348300517, -0.0008962524589151144, -0.000505323987454176, -0.0004406846419442445, -0.000499487912748009, -0.000513952225446701, -0.0006114239222370088, -0.0008734422735869884, -8.035494829528034e-05, -0.0007984855328686535, -0.00048600451555103064, -0.00026699816226027906, -0.00035972389741800725, -0.0005396782071329653, -0.0002141360891982913, -0.000403653277317062, -0.00046426462358795106, 0.00016987226263154298, -0.0008176008122973144, -9.452763333683833e-05, -0.0005706663359887898, -0.00045344725367613137, 0.0001116099301725626, -0.0010023281211033463, 0.00029966377769596875, -0.0004248404875397682, -0.0002687466039787978, 1.8748574802884832e-05, -0.0004196359950583428, 0.00017319493053946644, -0.00025817888672463596, -0.0002752548025455326, -0.0003316761867608875, 0.00039109200588427484, -0.00066052918555215, 0.0003416865656618029, -0.0003266685816925019, -0.00042845666757784784, 0.00030457743559964, -0.0003569491673260927, -0.00015435516252182424, -0.00019232809427194297, -0.00013995770132169127, 0.0001804723433451727, -0.0003347062738612294, 8.19194974610582e-05, -0.00011324632941978052, 0.00018981318862643093, -0.00019744850578717887, 6.175039015943184e-05, -0.00040204825927503407, -0.00013418857997749, 0.00035715740523301065, -0.0007371839601546526, 0.00023434027389157563, -0.00010435710282763466, -0.00018255869508720934, 0.0001620524562895298, -0.0005657976726070046, 9.265251719625667e-05, 0.00026132838684134185, -0.0007418729946948588, 0.0001366396463708952, -0.00011550462659215555, 5.34543942194432e-05, -1.0202324119745754e-05, -3.075573886235361e-06, -0.0002967936161439866, 0.0002209166850661859, -0.0002539402630645782, 4.191487096250057e-05, 9.483696339884773e-05, -0.0003590047708712518, 0.0006163616199046373, -0.00037360822898335755, 0.0001555265043862164, 4.018291656393558e-05, -0.0001169975075754337, 8.979962876765057e-05, 0.00015077464922796935, -0.0002556574181653559, 0.0002494731161277741, 0.0004133147594984621, 0.0002457024820614606, 0.0001736614794936031, -0.00010461734200362116, 0.0003827404580079019, 0.0001809563982533291, 0.00012009425699943677, 0.0003837079566437751, 0.0004615136713255197, 0.0002956496027763933, 0.000535088125616312, 0.000518806918989867, 0.0005660845199599862, 0.0004480463685467839, 0.0005156244151294231, 0.00036624123458750546, 0.0008648679940961301, 0.0005778589402325451, 0.0002435853675706312, 0.0008114668307825923, 0.00036898895632475615, 0.00010197099618380889, 0.0004031771095469594, 0.0004943676176480949, 0.0007285579340532422, 0.0005172811797820032, 0.0004816411528736353, 0.0005646222271025181, 9.712747123558074e-05, 0.00044870993588119745, 0.0009604942169971764, -3.703566108015366e-05, 0.0007191439508460462, 0.0005693059065379202, 0.0002773253945633769, 0.0008909229654818773, 0.00036206847289577127, 0.0008168424828909338, 0.0007737905834801495, 0.0005402395618148148, 0.0006314152851700783, 0.000822806847281754, 0.0005026176222600043, 0.0006680160877294838, 0.0008750348933972418, 0.00027811614563688636, 0.00027901428984478116, 0.0006296464707702398, 0.00022235796495806426, 2.0460040104808286e-05, 0.0004042041255161166, 7.953230669954792e-05, -0.00010254824883304536, -8.042538865993265e-06, 0.00010926852701231837, 0.00019310602510813624, 8.552293002139777e-05, 1.3881507356927614e-06, 0.0006296747596934438, -3.036165981029626e-05, 0.00027472872170619667, 0.0003121453046333045, 0.00017989495245274156, 0.00041568028973415494, -0.0002191168605349958, 0.0003469515941105783, 0.00027128958026878536, -2.116503492288757e-05, 0.00018447403272148222, -0.0004905657260678709, 0.0002334863384021446, 0.00014664580521639436, 9.59975877776742e-05, 0.00033601035829633474, 0.00022388600336853415, 0.0005804596585221589, 9.884475730359554e-05, 0.0004815070715267211, 0.0004279577697161585, 7.377075962722301e-05, 0.0005122852744534612, 0.00017377019685227424, 0.0004047197289764881, 0.00022824307961855084, 0.0001620249095140025, 0.0005945814191363752, 0.00019751334912143648, 0.0006462581222876906, 0.0007533894386142492, 0.00026756900479085743, 0.000583771790843457, 0.0007147548603825271, 0.00040706750587560236, 0.0003508827940095216, 0.0005541746504604816, 0.0004118252545595169, 0.00037722146953456104, 7.876015297370031e-05, 0.000595922174397856, 0.0003240270016249269, -9.312775364378467e-05, 0.0002828701981343329, 0.00014591438230127096, 0.00011140762944705784, 0.0006548987585119903, -5.240347672952339e-05, 0.0003096060245297849, 0.00023645143664907664, 0.00031877978472039104, 0.00041810376569628716, 7.005446241237223e-05, 0.00023840669018682092, 0.00012448035704437643, 0.00017255006241612136, 8.986520697362721e-05, 0.00027459589182399213, 8.672942203702405e-05, 0.00011590067879296839, 8.982909639598802e-05, 2.2489895854960196e-05, 3.568048487068154e-05, 0.00021507467317860574, 0.0003334733482915908, 0.0002874347264878452, 0.0004748794890474528, 0.00027838919777423143, 0.0002468451566528529, 0.0005774858873337507, 0.0005012312321923673, 0.0008411617018282413, 0.0003986431984230876, 0.00013643507554661483, 0.0010290577774867415, 0.0002340730861760676, 0.0006021233275532722, 0.0006191109423525631, 0.000507280754391104, 0.0007794370176270604, 0.0006655397010035813, 0.0002460006217006594, 0.000566478178370744, 0.0005860684905201197, 0.0006536564324051142, 0.0003245242696721107, 0.0008815073524601758, 0.000677118543535471, 0.00047614958020858467, 0.0008593572420068085, 0.0007351216045208275, 0.0009386084857396781, 0.00048620571033097804, 0.000699687167070806, 0.0007927207043394446, 0.001423345529474318, 0.0007616861257702112, 0.0013411382678896189, 0.001292428933084011, 0.0014365044189617038, 0.0010664734290912747, 0.0006855538231320679, 0.0019672212656587362, 0.000838780018966645, 0.001434185542166233, 0.0009749337914399803, 0.0015539986779913306, 0.00135416304692626, 0.001282338285818696, 0.0016279813135042787, 0.0015461965231224895, 0.0013541086809709668, 0.0012668148847296834, 0.0020189920905977488, 0.0015048801433295012, 0.0016625215066596866, 0.0018481169827282429, 0.001318226451985538, 0.0018743983237072825, 0.0012811728520318866, 0.001868593622930348, 0.0016617197543382645, 0.001271954970434308, 0.0014663005713373423, 0.0014162227744236588, 0.001497809891588986, 0.0014171437360346317, 0.0016547389095649123, 0.0012450572103261948, 0.0019369395449757576, 0.001698683830909431, 0.002154605695977807, 0.0020625190809369087, 0.0019983865786343813, 0.002777607413008809, 0.0022831971291452646, 0.002690710360184312, 0.0025785600300878286, 0.0023306217044591904, 0.002623119857162237, 0.0026008118875324726, 0.0023726371582597494, 0.0025303647853434086, 0.0024759394582360983, 0.002228755271062255, 0.0024403550196439028, 0.002193888882175088, 0.002431208500638604, 0.002080534351989627, 0.0020929910242557526, 0.0025536837056279182, 0.0022213803604245186, 0.0022915902081876993, 0.002861517481505871, 0.002079200465232134, 0.00227548461407423, 0.002368335844948888, 0.002368947258219123, 0.0022911967243999243, 0.0019984084647148848, 0.002183091128244996, 0.002086492022499442, 0.002577545354142785, 0.0016874775756150484, 0.0026649292558431625, 0.001997512299567461, 0.002427081111818552, 0.0027624452486634254, 0.001862459466792643, 0.0024909537751227617, 0.0022161370143294334, 0.002408125437796116, 0.0020610454957932234, 0.0023808262776583433, 0.0025366828776896, 0.0021907200571149588, 0.0023619751445949078, 0.0023707717191427946, 0.002565012313425541, 0.002180736279115081, 0.002433707704767585, 0.0023510216269642115, 0.0025824864860624075, 0.0024719161447137594, 0.002228087978437543, 0.002222714712843299, 0.001989055424928665, 0.0022013920824974775, 0.002404243452474475, 0.002280093962326646, 0.0023353630676865578, 0.00219116173684597, 0.0023704422637820244, 0.002192890737205744, 0.001889082952402532, 0.0016844123601913452, 0.0022731409408152103, 0.0021896609105169773, 0.0012904680334031582, 0.0017834394238889217, 0.0017676647985354066, 0.0011420432711020112, 0.0020609810017049313, 0.0010670115007087588, 0.001720332889817655, 0.0017995500238612294, 0.001685921917669475, 0.0016295064706355333, 0.0013347934000194073, 0.002253866521641612, 0.0013157856883481145, 0.0024234619922935963, 0.0019588202703744173, 0.0025255130603909492, 0.002415948547422886, 0.0020164658781141043, 0.002468757564201951, 0.002154088346287608, 0.0027026780880987644, 0.0027698278427124023, 0.0029634935781359673, 0.002988072345033288, 0.0023937474470585585, 0.0030159056186676025, 0.0025970598217099905, 0.0025191232562065125, 0.002756056608632207, 0.002348399953916669, 0.0029207372572273016, 0.0025867263320833445, 0.0028549134731292725, 0.0030874486546963453, 0.002574533224105835, 0.0029201507568359375, 0.002774425083771348, 0.0028655461501330137, 0.0031609185971319675, 0.0032650616485625505, 0.0037170827854424715, 0.0033566788770258427, 0.0033293329179286957, 0.0035876331385225058, 0.0034236107021570206, 0.003137425286695361, 0.004144961945712566, 0.003561345860362053, 0.003004801692441106, 0.003958207089453936, 0.0035231197252869606, 0.002895402954891324, 0.0029645555187016726, 0.002992637688294053, 0.0026920035015791655, 0.0028570503927767277, 0.00205673323944211, 0.0021967857610434294, 0.002883296459913254, 0.002680100966244936, 0.0030924356542527676, 0.0030660638585686684, 0.0026119863614439964, 0.002829771488904953, 0.0022281762212514877, 0.002288474701344967, 0.002155271591618657, 0.0015766932629048824, 0.0021876716054975986, 0.0021032572258263826, 0.0022130447905510664, 0.002588947769254446, 0.002278505591675639, 0.0019372799433767796, 0.0020542943384498358, 0.0016587706049904227, 0.0019078034674748778, 0.001818106509745121, 0.001638293033465743, 0.0014274152927100658, 0.0013772537931799889, 0.0016339970752596855, 0.0015694483881816268, 0.0017989400075748563, 0.0016999460058286786, 0.001802401035092771, 0.0020975496154278517, 0.0017525862203910947, 0.002017908962443471, 0.0015694336034357548, 0.002000142354518175, 0.0014285334618762136, 0.0012722332030534744, 0.001500949845649302, 0.0016718321712687612, 0.0010607718722894788, 0.0011651116656139493, 0.0011868352303281426, 0.0017673410475254059, 0.001000520191155374, 0.0014228418003767729, 0.0010021560592576861, 0.0012676235055550933, 0.0011431592283770442, 0.0005407148855738342, 0.0006711375899612904, 0.0002820411464199424, 0.0007056857575662434, 0.0004545189149212092, 0.0007605661521665752, 0.0011835122713819146, 0.0007512544398196042, 0.001121101318858564, 0.0007213965291157365, 0.0009742542752064764, 0.0007852059206925333, 0.0003725968999788165, 0.0028509246185421944, 0.0006811593193560839, 0.0007309059146791697, 0.0010934502352029085, -0.00011217133578611538, 0.00036853045457974076, -0.0001358172739855945, -0.00026066185091622174, -0.0009042746969498694, -0.0009074519039131701, -0.00045822441461496055, -0.0006150952540338039, -0.0009339616517536342, -0.0007796071586199105, -0.0009087072103284299, -0.0011757374741137028, -0.0005600031581707299, -0.0014219051226973534, -0.0001532960159238428, -0.001034245011396706, -0.0006546454969793558, -0.00023938830418046564, -0.0007213354110717773, -0.0006551500991918147, -0.00048318583867512643, -0.0013297708937898278, -0.0013485016534104943, -0.0009619393385946751, -0.0021614190191030502, -0.0016020025359466672, -0.002029483439400792, -0.001991725992411375, -0.0018087426433339715, -0.0027753307949751616, -0.0020814116578549147, -0.0018267472041770816, -0.002329400507733226, -0.0020330995321273804, -0.0029712794348597527, -0.002217570086941123, -0.0020321025513112545, -0.002902667038142681, -0.002089155837893486, -0.0029012172017246485, -0.0028087489772588015, -0.0024649188853800297, -0.003127714619040489, -0.0025733732618391514, -0.002631019102409482, -0.002934217220172286, -0.002634356264024973, -0.002200203714892268, -0.00300413416698575, -0.0029485472477972507, -0.0025307126343250275, -0.002542566740885377, -0.0029695830307900906, -0.0023828933481127024, -0.0028901449404656887, -0.0019044525688514113, -0.0025077760219573975, -0.0026481556706130505, -0.0025681231636554003, -0.003431965596973896, -0.0024455373641103506, -0.002790756057947874, -0.002637107390910387, -0.0023934305645525455, -0.0023266535717993975, -0.0023842905648052692, -0.0025283596478402615, -0.0016383446054533124, -0.002514719730243087, -0.001851623528636992, -0.002398513723164797, -0.002211714629083872, -0.0017818398773670197, -0.003083612769842148, -0.0018779936945065856, -0.002416827017441392, -0.001840401440858841, -0.0019377857679501176, -0.0018569454550743103, -0.0017024759436026216, -0.0017759256297722459, -0.0024272494483739138, -0.00227095908485353, -0.0022602600511163473, -0.0029502171091735363, -0.0022809605579823256, -0.00274833757430315, -0.0020955672953277826, -0.0028046148363500834, -0.0032051559537649155, -0.003317604074254632, -0.002954011084511876, -0.0029320737812668085, -0.0020852775778621435, -0.0018017702968791127, -0.0014443594263866544, -0.0022333830129355192, -0.0014288700185716152, -0.001389942248351872, -0.0016528673004359007, -0.001726752147078514, -0.0019352274248376489, -0.0012473989045247436, -0.00127004599198699, -0.0012399967527016997, -0.00148486508987844, -0.0018646749667823315, -0.0009888617787510157, -0.0015846177702769637, -0.001068677520379424, -0.0012474213726818562, -0.0023639886640012264, -0.0010482713114470243, -0.0017549865879118443, -0.002142459386959672, -0.0015174304135143757, -0.0016264918958768249, -0.0018240235513076186, -0.0007238694815896451, -0.0017509735189378262, -0.0017116361996158957, -0.0005007978179492056, -0.0005308138788677752, -0.0010470316046848893, -0.0006051762611605227, -0.0006261884700506926, -0.0004808922822121531, -0.00043698531226255, -0.0013671615161001682, -0.000276534614386037, -0.0008366010733880103, -0.00033986143535003066, -0.0006979971658438444, -0.0007436240557581186, -0.0009732083417475224, -0.0019278625259175897, -0.0015295655466616154, -0.001537169562652707, -0.0013789586955681443, -0.0008427246357314289, -0.00092792120995, -0.0012876791879534721, -0.001139714615419507, -0.0007431207923218608, -0.0003726786526385695, -0.001240845420397818, -0.00039504881715402007, -0.0001702720473986119, -0.00014843653480056673, -0.0012196680763736367, -0.00011975388770224527, 0.00039118414861150086, -1.916853761940729e-05, -0.00017684306658338755, 0.0007319909636862576, 0.0006271598394960165, -0.0009321737452410161, 0.0015401800628751516, -0.0009927635546773672, 0.00034584413515403867, -0.0002569174685049802, 0.0005633808905258775, 0.00013835079153068364, -0.0004250566416885704, 0.000681741745211184, -0.0007246907916851342, -7.150229521357687e-06, -0.0009628399275243282, -0.00026749190874397755, 4.551373058347963e-05, -0.0005369575810618699, 0.0007446485105901957, -0.0001260859426110983, 4.3423078750493005e-05, 0.0006798365502618253, 0.0006040618172846735, 0.0006200295174494386, -0.0002754952583927661, 0.00035372463753446937, 0.0007204607245512307, -2.7651818527374417e-05, 0.0004303707100916654, -3.5453274904284626e-05, -0.0007690765778534114, -0.0002407300635240972, -0.000459331989986822, -0.00022960749629419297, 0.00023384300584439188, -0.0009322669357061386, -0.000251725286943838, -0.0007802753825671971, -0.0008016981300897896, -0.0001827646919991821, -0.0008057727245613933, -0.0007322807796299458, -0.0006087132496759295, -0.0010827920632436872, -0.0005732704303227365, -0.0008479534299112856, -0.000816571235191077, -0.0005367936682887375, -0.0008598300628364086, 2.656908236531308e-06, 4.135724520892836e-05, -0.00060226273490116, -0.0007526192348450422, -0.0007993469480425119, -0.0008332945290021598, -0.00015010734205134213, -0.0014133696677163243, -0.0008514340734109282, -0.0006676091579720378, -0.0010632941266521811, -0.0009693317115306854, -0.001106200274080038, -0.0011504689464345574, -0.0014454068150371313, -0.0018298598006367683, -0.0009019504650495946, -0.0016366983763873577, -0.002134858164936304, -0.00036574655678123236, -0.002339146798476577, -0.0011551735224202275, -0.0013292116345837712, -0.0017544864676892757, -0.0007878384785726666, -0.001963795395568013, -0.0013862955383956432, -0.0007511560106649995, -0.0013772333040833473, -0.001299596857279539, -0.0014330350095406175, -0.0023768844548612833, -0.0016174550401046872, -5.616464841295965e-05, -0.0014702100306749344, -0.0010034525766968727, -0.0010302121518179774, -0.0018014619126915932, -0.0009994881693273783, -0.002063533291220665, -0.001792612485587597, -0.0016944899689406157, -0.00154414726421237, -0.0018858489347621799, -0.002136524999514222, -0.0018407137831673026, -0.003270389512181282, -0.00246742507442832, -0.002367381937801838, -0.0015096600400283933, -0.0027719277422875166, -0.0036816124338656664, -0.0014979770639911294, -0.002605472458526492, -0.001609042868949473, -0.003225557040423155, -0.0028183707036077976, -0.0029408938717097044, -0.0025940772611647844, -0.0026387800462543964, -0.003150224918499589, -0.0038023891393095255, -0.00351069332100451, -0.003128782380372286, -0.004241259302943945, -0.00325129390694201, -0.00425743730738759, -0.003016456961631775, -0.0030043774750083685, -0.0027028745971620083, -0.003411693964153528, -0.0030385612044483423, -0.0023762595374137163, -0.0028800235595554113, -0.004094262607395649, -0.002762947231531143, -0.0022964433301240206, -0.002495958935469389, -0.004190516658127308, -0.0033893838990479708, -0.003308703191578388, -0.0019871476106345654, -0.0036322895903140306, -0.002533762017264962, -0.004570799879729748, -0.0024199432227760553, -0.00330118415877223, -0.003579477546736598, -0.002739758463576436, -0.0025409876834601164, -0.0018685635877773166, -0.0023703614715486765, -0.0022081199567764997, -0.002568932017311454, -0.0021519428119063377, -0.003588907653465867, -0.0029446985572576523, -0.001866167294792831, -0.0022323771845549345, -0.0025666349101811647, -0.002798303961753845, -0.002781397895887494, -0.001350827980786562, -0.0015583859058097005, -0.002499457448720932, -0.0023982010316103697, -0.0019491752609610558, -0.0017932010814547539, -0.0013870473485440016, -0.00367884524166584, -0.0009085272322408855, -0.0032527942676097155, -0.002178381895646453, -0.0023585676681250334, -0.002142166718840599, -0.002047347603365779, -0.0011570991482585669, -0.0017395070753991604, -0.0024779625236988068, -0.0005858392105437815, -0.001202837098389864, -0.0006095120334066451, -0.0006064440822228789, -0.0019709200132638216, -0.001466224784962833, -0.002193043241277337, -0.0018412894569337368, -0.0025142051745206118, -0.0023867327254265547, -0.0022781037259846926, -0.003290044143795967, -0.002329808659851551, -0.0005788937560282648, -0.002210517879575491, -0.0023655386175960302, -0.0017246833303943276, -0.0020614471286535263, -0.0005918703391216695, -0.001409816206432879, -0.0009185749222524464, 0.0003065922064706683, -0.0005766618414781988, -0.0005245569045655429, 0.00044887125841341913, -0.0008950502960942686, -0.0002715516893658787, -0.0002520602138247341, -0.0015660799108445644, 0.00048616365529596806, -0.00043905418715439737, 0.0005261592450551689, 0.000957238080445677, 0.0011617975542321801, 0.00011909442400792614, 0.0005587699706666172, -0.0018807192100211978, -0.0009163192007690668, -0.006239654961973429, 0.0011421684175729752, -0.0083813751116395, -0.0056631797924637794, -0.002952400129288435, -0.00970809068530798, -0.00502888485789299, -0.017685193568468094, 0.03208409622311592, -0.0013521662913262844, 0.02090202458202839, -0.04668451473116875, -0.0028835854027420282, 0.016002459451556206, -0.05190317705273628, -0.0026193985249847174, -0.039166904985904694, -0.04124490171670914, -0.020976942032575607, -0.01679280586540699, -0.018636345863342285, -0.008493748493492603, -0.015382305718958378, -0.0017856667982414365, 0.011369937099516392, -0.005203364882618189, 0.027381552383303642, 0.010915808379650116, -0.0013230220647528768, 0.015228748321533203, 0.015619040466845036, 0.029144233092665672, 0.0391058474779129, 0.02478913404047489, 0.0271930992603302, 0.02904938906431198, 0.04164768010377884, 0.040506117045879364, 0.03803465515375137, 0.021439434960484505, 0.03422335162758827, 0.01882006786763668, 0.027146941050887108, 0.01903381757438183, 0.011001599952578545, 0.021701376885175705, 0.00045055613736622036, 0.015231567434966564, 0.00894287507981062, 0.0034400345757603645, 0.014295946806669235, 0.009172707796096802, 0.0002842651156242937, 0.012035503052175045, 0.003979899454861879, 0.004654575604945421, 0.013169234618544579, 0.0018714340403676033, 0.005026300437748432, 0.006238175556063652, 0.004368629772216082, 0.010215380229055882, 0.00330094201490283, 0.0051532709039747715, 0.009762197732925415, 0.003620622679591179, 0.004195854999125004, 0.008601323701441288, -0.0022052722051739693, 0.008510170504450798, -0.002811721060425043, 0.0015355834038928151, 0.003848874010145664, -0.0005147178308106959, 0.0035565088037401438, 0.0010567416902631521, -0.00011935768998228014, 0.005874180234968662, 0.002567439340054989, 0.002845142036676407, 0.007855699397623539, 0.0018011434003710747, 0.005202715750783682, 0.01030364353209734, 0.0033800937235355377, 0.011316562071442604, 0.012221231125295162, 0.0068354117684066296, 0.008889277465641499, 0.011469841934740543, 0.01400324609130621, 0.005573969800025225, 0.004114613402634859, 0.003549254732206464, 0.0008674100390635431, 0.005057931412011385, 0.00625936035066843, -0.0014560832642018795, 0.005340755917131901, 0.004685227759182453, 0.0028790601063519716, 0.00929828081279993, 0.008654861710965633, 0.01442079246044159, 0.008133199997246265, 0.006123535335063934, 0.0006192721775732934, -0.00037404627073556185, 0.001990620279684663, -0.004127396736294031, -0.012055122293531895, -0.011525677517056465, -0.011330446228384972, -0.008626329712569714, -0.0008694311254657805, -0.0005875449278391898, -0.004412810783833265, 0.00065925985109061, 0.0015667183324694633, 0.005137681029736996, 0.010138148441910744, 0.012425106018781662, 0.011828497052192688, 0.005260036792606115, 0.006797764450311661, 0.006651395466178656, 0.01056881994009018, 0.007600506767630577, 0.006072318181395531, -0.00046062073670327663, -0.0024190254043787718, -0.002115969778969884, 0.00455268332734704, 0.004172323737293482, -0.00025056631420738995, 0.00036037745303474367, -0.0031368418131023645, 0.0042405882850289345, 0.00763346441090107, 0.006774391978979111, 0.005292960908263922, 0.001073977560736239, 0.000773303909227252, 0.0021557859145104885, 0.005495299119502306, 0.0006368760950863361, 0.0037258092779666185, -0.0016722959699109197, -0.004453250207006931, 0.0028637696523219347, 0.0023838693741708994, 0.011631015688180923, 0.006710967049002647, 0.007349929306656122, 0.00652931397780776, 0.011026963591575623, 0.015465352684259415, 0.01749538816511631, 0.015284142456948757, 0.009821496903896332, 0.010607787407934666, 0.011175507679581642, 0.014231737703084946, 0.012116450816392899, 0.007419045548886061, 0.004234373569488525, 0.0005294388975016773, 0.0019014299614354968, 0.000126185521367006, -6.39644858893007e-05, -0.004112213850021362, -0.008660887368023396, -0.008309508673846722, -0.00711554242298007, -0.0028742849826812744, -0.005501245614141226, -0.004934642463922501, -0.008859542198479176, -0.008395849727094173, -0.007364755962044001, -0.006734907627105713, -0.006766034755855799, -0.00905082281678915, -0.009135446511209011, -0.009672587737441063, -0.008918057195842266, -0.007578293327242136, -0.009491577744483948, -0.009547700174152851, -0.011549129150807858, -0.009680340997874737, -0.01053310465067625, -0.010035457089543343, -0.010497544892132282, -0.012032733298838139, -0.01378688309341669, -0.013932404108345509, -0.014102482236921787, -0.01318313553929329, -0.013025205582380295, -0.015098930336534977, -0.013381289318203926, -0.016191139817237854, -0.012720541097223759, -0.013018684461712837, -0.013579477556049824, -0.01361717376857996, -0.014070484787225723, -0.015127328224480152, -0.013974581845104694, -0.015183910727500916, -0.013350559398531914, -0.011752331629395485, -0.0141683928668499, -0.015431366860866547, -0.016590265557169914, -0.015649178996682167, -0.019105492159724236, -0.023025626316666603, -0.029428347945213318, -0.030883021652698517, -0.038115400820970535, -0.04062039032578468, -0.0483548566699028, -0.052403755486011505, -0.055474262684583664, -0.06218503415584564, -0.06325835734605789, -0.06876412779092789, -0.07006118446588516, -0.07118375599384308, -0.07360848039388657, -0.07559435814619064, -0.0745287761092186, -0.07840526103973389, -0.0739499181509018, -0.07636111229658127, -0.07692278921604156, -0.07388042658567429, -0.07842585444450378, -0.07397047430276871, -0.07442522048950195, -0.06953545659780502, -0.06979744881391525, -0.060100410133600235, -0.04810919985175133, -0.041171252727508545, -0.024967096745967865, -0.013589587062597275, 0.008249920792877674, 0.026251861825585365, 0.047431934624910355, 0.06235163286328316, 0.07393217831850052, 0.08519420772790909, 0.09155132621526718, 0.09639692306518555, 0.08649878948926926, 0.07524360716342926, 0.0635293647646904, 0.047063298523426056, 0.0250347089022398, 0.004379121586680412, -0.017561744898557663, -0.035993579775094986, -0.05149282142519951, -0.06534595042467117, -0.07537054270505905, -0.07900424301624298, -0.07686655968427658, -0.07342968136072159, -0.06692351400852203, -0.05959932878613472, -0.047513823956251144, -0.038059692829847336, -0.025978362187743187, -0.016649069264531136, -0.006786024197936058, -0.0003399559063836932, 0.006713396869599819, 0.014386088587343693, 0.016950422897934914, 0.02729593962430954, 0.03072960488498211, 0.03623592481017113, 0.03798803314566612, 0.04061426594853401, 0.04627669230103493, 0.046402666717767715, 0.04735289886593819, 0.04222995042800903, 0.03678547590970993, 0.02904619090259075, 0.019876230508089066, 0.010134776122868061, -0.0015012669609859586, -0.013745680451393127, -0.027631133794784546, -0.036843281239271164, -0.04317918047308922, -0.046132344752550125, -0.04473339393734932, -0.043494801968336105, -0.03994309529662132, -0.032212402671575546, -0.018536768853664398, -0.005598518997430801, 0.006043520290404558, 0.01918829046189785, 0.02653728425502777, 0.03443421423435211, 0.04218476638197899, 0.05010421946644783, 0.05108148232102394, 0.04919477552175522, 0.04765501618385315, 0.0414770133793354, 0.041292157024145126, 0.038412999361753464, 0.03596015274524689, 0.03011445701122284, 0.02699868567287922, 0.025976920500397682, 0.023915408179163933, 0.025398951023817062, 0.02616889588534832, 0.02341216243803501, 0.018506379798054695, 0.018135661259293556, 0.017140991985797882, 0.018992917612195015, 0.013910879381000996, 0.009163020178675652, 0.009702316485345364, 0.005072725471109152, 0.004737128969281912, 0.003763052634894848, 0.0066170827485620975, 0.005191491916775703, 0.0027963726315647364, 0.006238162517547607, 0.005496721714735031, 0.009679210372269154, 0.011280184611678123, 0.007637487258762121, 0.005010395776480436, 0.002996857510879636, 0.0028881593607366085, -0.001054889871738851, -0.0038241727743297815, -0.007095464039593935, -0.011744980700314045, -0.014133665710687637, -0.02015271969139576, -0.017975706607103348, -0.01945449411869049, -0.02239827625453472, -0.024772237986326218, -0.027042925357818604, -0.021437346935272217, -0.01838403195142746, -0.019610513001680374, -0.021375639364123344, -0.019218793138861656, -0.016218239441514015, -0.015046547167003155, -0.01678462140262127, -0.018678070977330208, -0.02027684450149536, -0.02240493707358837, -0.02515796199440956, -0.030371366068720818, -0.03455453738570213, -0.036494046449661255, -0.042572326958179474, -0.04894976317882538, -0.05824802443385124, -0.06098928675055504, -0.06212075054645538, -0.07013962417840958, -0.07620719820261002, -0.0805312916636467, -0.08194337785243988, -0.08163034915924072, -0.07979297637939453, -0.08572686463594437, -0.08238759636878967, -0.07732455432415009, -0.07323134690523148, -0.07256072759628296, -0.07121849805116653, -0.06372379511594772, -0.06190691888332367, -0.0648811012506485, -0.07513954490423203, -0.07959430664777756, -0.07941136509180069, -0.08210843056440353, -0.0901329517364502, -0.08541526645421982, -0.0748770534992218, -0.05215011164546013, -0.02667156234383583, -0.0013916041934862733, 0.03232007101178169, 0.07236950844526291, 0.11321664601564407, 0.14808501303195953, 0.17152181267738342, 0.1901424080133438, 0.20302456617355347, 0.20251673460006714, 0.18679627776145935, 0.14876487851142883, 0.11073344200849533, 0.08186205476522446, 0.04382583871483803, -0.012035660445690155, -0.05340930074453354, -0.08106967806816101, -0.09888077527284622, -0.10262313485145569, -0.11374146491289139, -0.10879117250442505, -0.09122827649116516, -0.06734507530927658, -0.049019888043403625, -0.02594979852437973, -0.0007716782856732607, 0.02014969475567341, 0.03521844744682312, 0.04525619372725487, 0.05464544892311096, 0.060690391808748245, 0.06598824262619019, 0.0656452402472496, 0.06197217106819153, 0.059995267540216446, 0.06653816252946854, 0.07351725548505783, 0.07899224758148193, 0.07967514544725418, 0.08329711109399796, 0.095056913793087, 0.1060628592967987, 0.1077628955245018, 0.0991462841629982, 0.09406910091638565, 0.08925162255764008, 0.07362202554941177, 0.05036191642284393, 0.022390268743038177, 0.000547691248357296, -0.02202329784631729, -0.04903459921479225, -0.07097794115543365, -0.08927831798791885, -0.08964754641056061, -0.09152201563119888, -0.09139862656593323, -0.07619801163673401, -0.05822181701660156, -0.027466600760817528, -0.0062018707394599915, 0.019478272646665573, 0.04392053931951523, 0.06746082752943039, 0.08853163570165634, 0.09560130536556244, 0.1028936579823494, 0.1001928523182869, 0.09745961427688599, 0.08969124406576157, 0.07574654370546341, 0.05978742614388466, 0.04440777376294136, 0.03370532765984535, 0.023437896743416786, 0.01366025023162365, 0.009608486667275429, 0.008065084926784039, 0.012894989922642708, 0.013192064128816128, 0.012984609231352806, 0.020884785801172256, 0.021992838010191917, 0.02297726459801197, 0.01767026074230671, 0.012721682898700237, 0.009418612346053123, 0.0018158151069656014, -0.004482734482735395, -0.01304102037101984, -0.01545815821737051, -0.016617977991700172, -0.013637016527354717, -0.006385855842381716, 0.0037754622753709555, 0.0204343032091856, 0.03539968654513359, 0.05244732275605202, 0.075234554708004, 0.09248426556587219, 0.10774035006761551, 0.11921431869268417, 0.12186997383832932, 0.12215738743543625, 0.11987855285406113, 0.11405550688505173, 0.09630788862705231, 0.081427663564682, 0.06886892765760422, 0.04750533774495125, 0.03860984742641449, 0.02287422865629196, 0.011548157781362534, 0.015968099236488342, -0.0008791768923401833, 0.0005140500725246966, 0.009329413063824177, 0.011284435167908669, 0.006431984715163708, 0.0199314933270216, 0.019668295979499817, 0.011406777426600456, 0.01985759288072586, 0.020884143188595772, 0.015294157899916172, 0.016445143148303032, 0.012641238048672676, 0.012447399087250233, 0.018557840958237648, 0.025658469647169113, 0.03230651095509529, 0.033131685107946396, 0.0461156889796257, 0.057335421442985535, 0.06598328053951263, 0.07098482549190521, 0.07465128600597382, 0.07895271480083466, 0.07265942543745041, 0.06911491602659225, 0.06466594338417053, 0.05525507032871246, 0.04088275879621506, 0.0257587693631649, 0.011171253398060799, -0.00018313279724679887, -0.009250432252883911, -0.023384928703308105, -0.0345018170773983, -0.041631195694208145, -0.048883192241191864, -0.04893648624420166, -0.05078788474202156, -0.05019240453839302, -0.050495658069849014, -0.04746433347463608, -0.04080931097269058, -0.0373232439160347, -0.02895231544971466, -0.02827931009232998, -0.023938562721014023, -0.02458869107067585, -0.01834362931549549, -0.018604394048452377, -0.01809552125632763, -0.015775399282574654, -0.022992581129074097, -0.02046177349984646, -0.028658026829361916, -0.02424079366028309, -0.03162654489278793, -0.03405160829424858, -0.03731626272201538, -0.04971589148044586, -0.053270306438207626, -0.06313908100128174, -0.06738246232271194, -0.0813833475112915, -0.09162130206823349, -0.10473715513944626, -0.11743033677339554, -0.11466362327337265, -0.12708842754364014, -0.1286517232656479, -0.13422320783138275, -0.13084197044372559, -0.1300308108329773, -0.13235223293304443, -0.12311476469039917, -0.12428412586450577, -0.11908957362174988, -0.1322241872549057, -0.12112167477607727, -0.11387470364570618, -0.08522717654705048, -0.06840850412845612, -0.07491721957921982, -0.03948124498128891, -0.006617773324251175, 0.05204835534095764, 0.0738828182220459, 0.10554656386375427, 0.13087204098701477, 0.16954903304576874, 0.20352524518966675, 0.19588781893253326, 0.2099325954914093, 0.1925128549337387, 0.18371528387069702, 0.13625992834568024, 0.0965547263622284, 0.0618879497051239, 0.02091410756111145, -0.02612491138279438, -0.09643231332302094, -0.12808029353618622, -0.16005872189998627, -0.16139160096645355, -0.18299762904644012, -0.194569393992424, -0.18623845279216766, -0.16537612676620483, -0.12602545320987701, -0.10085698962211609, -0.065130315721035, -0.036251358687877655, -0.0017322521889582276, 0.029274770990014076, 0.05262811481952667, 0.07656702399253845, 0.0942913368344307, 0.10517192631959915, 0.10109429806470871, 0.09797587245702744, 0.10211843252182007, 0.10771168023347855, 0.10623934119939804, 0.08713007718324661, 0.07186970114707947, 0.07476645708084106, 0.08053791522979736, 0.06857438385486603, 0.04879807308316231, 0.03510988876223564, 0.025692801922559738, 0.014650356955826283, -0.007291298825293779, -0.030230440199375153, -0.04677155986428261, -0.06291721761226654, -0.08404412865638733, -0.10395557433366776, -0.11126650124788284, -0.10924293845891953, -0.10800199210643768, -0.10627788305282593, -0.09496919065713882, -0.07369420677423477, -0.046883922070264816, -0.020991774275898933, -5.773780503659509e-05, 0.02444107085466385, 0.050244640558958054, 0.07378295063972473, 0.08968059718608856, 0.09713307023048401, 0.10477141290903091, 0.10156052559614182, 0.09866174310445786, 0.08712267875671387, 0.06864821165800095, 0.05324384197592735, 0.03585761785507202, 0.024950983002781868, -0.0005055267247371376, -0.010258384048938751, -0.023710424080491066, -0.02875080145895481, -0.030679799616336823, -0.04129553958773613, -0.03986391797661781, -0.04645993560552597, -0.037530649453401566, -0.044850047677755356, -0.04328940436244011, -0.04287910833954811, -0.046402256935834885, -0.03993374481797218, -0.04835905507206917, -0.03398040309548378, -0.03784392774105072, -0.021305732429027557, -0.010791610926389694, -0.0038485953118652105, 0.02249390073120594, 0.03318240866065025, 0.06011758744716644, 0.06841070204973221, 0.08641710132360458, 0.09464098513126373, 0.10236990451812744, 0.11201463639736176, 0.10760179907083511, 0.10110148042440414, 0.08152423053979874, 0.074200339615345, 0.06282739341259003, 0.03943764418363571, 0.022636987268924713, -0.002622558269649744, -0.01134014967828989, -0.025572462007403374, -0.03893708437681198, -0.04423259198665619, -0.052933864295482635, -0.04384303465485573, -0.04835351184010506, -0.03990741819143295, -0.03649310767650604, -0.018989350646734238, -0.006660717073827982, -0.005989244673401117, 0.0099469143897295, 0.016972366720438004, 0.03363100066781044, 0.03216623142361641, 0.04123831167817116, 0.042490556836128235, 0.0486113578081131, 0.05383150279521942, 0.049581289291381836, 0.052986834198236465, 0.04979243502020836, 0.05029825121164322, 0.0460478775203228, 0.0407068133354187, 0.035714130848646164, 0.030760250985622406, 0.021981261670589447, 0.014999855309724808, 0.0024491921067237854, -0.0038486213888972998, -0.008738912642002106, -0.017799703404307365, -0.023260870948433876, -0.028369449079036713, -0.028978070244193077, -0.02741183340549469, -0.02988664247095585, -0.028582707047462463, -0.024083269760012627, -0.02154666557908058, -0.01391831785440445, -0.014258306473493576, -0.007982742972671986, -0.00483838701620698, -0.0020021344535052776, -0.002554544247686863, -0.005191904027014971, -0.0014980939449742436, -0.0051231891848146915, -0.008789347484707832, -0.01635453663766384, -0.01681710220873356, -0.01818612404167652, -0.026446836069226265, -0.03001074492931366, -0.036012452095746994, -0.0404307022690773, -0.04565843939781189, -0.05132712051272392, -0.057573966681957245, -0.06284486502408981, -0.06283081322908401, -0.069462850689888, -0.07141143828630447, -0.0749000757932663, -0.08066233992576599, -0.07599085569381714, -0.07866641879081726, -0.07838693261146545, -0.08156942576169968, -0.08191437274217606, -0.07359547168016434, -0.08173052221536636, -0.07284580171108246, -0.08627388626337051, -0.0881933942437172, -0.08009660243988037, -0.09092878550291061, -0.07895330339670181, -0.1027577668428421, -0.086278036236763, -0.09972267597913742, -0.09751534461975098, -0.09821221232414246, -0.1208190843462944, -0.10546015202999115, -0.1508791595697403, -0.14007271826267242, -0.15744389593601227, -0.13835622370243073, -0.12804177403450012, -0.13648715615272522, -0.10486869513988495, -0.10525894910097122, -0.026369594037532806, 0.010556005872786045, 0.051398128271102905, 0.06983276456594467, 0.09236374497413635, 0.16905544698238373, 0.1817142814397812, 0.20372025668621063, 0.17144496738910675, 0.1711520403623581, 0.1697973757982254, 0.13503240048885345, 0.1072646826505661, 0.03994950279593468, 0.022149445489048958, -0.026353497058153152, -0.0736432895064354, -0.1007838025689125, -0.12771202623844147, -0.11513623595237732, -0.1520201861858368, -0.15126216411590576, -0.14693571627140045, -0.11065822839736938, -0.06927655637264252, -0.0766172781586647, -0.047517478466033936, -0.035107482224702835, 0.015559747815132141, 0.037935521453619, 0.04910621419548988, 0.05585474148392677, 0.04562685638666153, 0.07781647890806198, 0.07408633083105087, 0.08247615396976471, 0.06976128369569778, 0.06659892946481705, 0.07488938421010971, 0.06526003032922745, 0.07841004431247711, 0.07246415317058563, 0.08554486930370331, 0.08049829304218292, 0.06689921021461487, 0.07494965195655823, 0.07742703706026077, 0.08693864196538925, 0.05908619984984398, 0.03319806233048439, 0.020433586090803146, 0.009282106533646584, 0.003132545854896307, -0.03520779684185982, -0.05923140421509743, -0.08062630891799927, -0.08446343243122101, -0.08480843901634216, -0.09483164548873901, -0.08453580737113953, -0.08722078800201416, -0.06438855081796646, -0.044898103922605515, -0.017238928005099297, 0.012998728081583977, 0.029658807441592216, 0.05767481401562691, 0.07212275266647339, 0.09892386198043823, 0.11426924914121628, 0.12187647819519043, 0.12027854472398758, 0.10696430504322052, 0.10307085514068604, 0.09557753801345825, 0.08171355724334717, 0.05905784294009209, 0.02907891757786274, 0.013875923119485378, -0.004655276425182819, -0.017438501119613647, -0.02845834381878376, -0.05096108838915825, -0.04618276655673981, -0.06248113512992859, -0.05847294256091118, -0.051149819046258926, -0.05279174819588661, -0.043740011751651764, -0.04973459988832474, -0.03469746932387352, -0.036769893020391464, -0.01844291388988495, -0.014447719790041447, -0.007224209140986204, 0.009622097946703434, 0.0184724573045969, 0.03691158816218376, 0.04734288528561592, 0.07996572554111481, 0.09290871769189835, 0.10776938498020172, 0.12442922592163086, 0.13148559629917145, 0.15410760045051575, 0.15841011703014374, 0.14745211601257324, 0.12837615609169006, 0.11763235926628113, 0.1080053523182869, 0.07709737867116928, 0.045932598412036896, 0.008531070314347744, -0.013488344848155975, -0.03450378030538559, -0.06279829144477844, -0.07559545338153839, -0.08898492157459259, -0.08187783509492874, -0.08545032888650894, -0.07802579551935196, -0.05854504927992821, -0.04042535275220871, -0.007992438040673733, 0.0002928546164184809, 0.028042122721672058, 0.04587931931018829, 0.0660480335354805, 0.08309446275234222, 0.07939280569553375, 0.08688216656446457, 0.08027299493551254, 0.08451094478368759, 0.07593665271997452, 0.06470440328121185, 0.05402273312211037, 0.04129337891936302, 0.04178580641746521, 0.03141118586063385, 0.024783212691545486, 0.014378870837390423, 0.013797706924378872, 0.013192478567361832, 0.006085345987230539, 0.005371163599193096, -0.000796270149294287, 0.0011953330831602216, -0.003750585252419114, -0.012419779784977436, -0.016357367858290672, -0.01987582817673683, -0.01972285471856594, -0.028256112709641457, -0.032329950481653214, -0.03741832450032234, -0.036715418100357056, -0.03377489000558853, -0.03760197386145592, -0.03235867619514465, -0.03305472433567047, -0.02405945584177971, -0.01951911486685276, -0.016153646633028984, -0.012998845428228378, -0.00795726478099823, 0.0004711676447186619, -0.004859738517552614, -0.0014255320420488715, -0.004783657845109701, -0.003917714115232229, -0.0070030041970312595, -0.0232052281498909, -0.02448844723403454, -0.037913087755441666, -0.035625677555799484, -0.04426513984799385, -0.06526312232017517, -0.05756624415516853, -0.07095391303300858, -0.062043920159339905, -0.07180530577898026, -0.07690995186567307, -0.06864630430936813, -0.07940463721752167, -0.06307468563318253, -0.08682270348072052, -0.07353145629167557, -0.07948337495326996, -0.08531054854393005, -0.0802425816655159, -0.10113149136304855, -0.0789126306772232, -0.10406871140003204, -0.08575955778360367, -0.09868801385164261, -0.1054147481918335, -0.09527938812971115, -0.11347967386245728, -0.09393742680549622, -0.12277481704950333, -0.11114764213562012, -0.11904913932085037, -0.12639501690864563, -0.13381044566631317, -0.14485090970993042, -0.08252567797899246, -0.07698584347963333, -0.062301766127347946, -0.0559714138507843, -0.009924693964421749, 0.06955302506685257, 0.09287139773368835, 0.12613265216350555, 0.11766347289085388, 0.17100119590759277, 0.21235348284244537, 0.20878468453884125, 0.20464417338371277, 0.16405346989631653, 0.17221593856811523, 0.1313365250825882, 0.10179884731769562, 0.056778132915496826, 0.009506132453680038, -0.011681952513754368, -0.08134131878614426, -0.09861424565315247, -0.1346340924501419, -0.13096453249454498, -0.1384129375219345, -0.15588600933551788, -0.14746184647083282, -0.14554277062416077, -0.08475777506828308, -0.06619777530431747, -0.04541028290987015, -0.0405362993478775, -0.015102867968380451, 0.041997093707323074, 0.05732623115181923, 0.07165733724832535, 0.06510820239782333, 0.0839575007557869, 0.09697386622428894, 0.10191133618354797, 0.10994544625282288, 0.09923893958330154, 0.1036437377333641, 0.09520357847213745, 0.0955042690038681, 0.09621012955904007, 0.09816186130046844, 0.09524008631706238, 0.0687682256102562, 0.061204567551612854, 0.05103389546275139, 0.05512102320790291, 0.041213925927877426, 0.0059987623244524, -0.013179883360862732, -0.033405739814043045, -0.0332234762609005, -0.050273410975933075, -0.06701485067605972, -0.08339162170886993, -0.09591823816299438, -0.0835081934928894, -0.07852895557880402, -0.06677328795194626, -0.05988162383437157, -0.044371671974658966, -0.0235789492726326, -0.0022253633942455053, 0.02378242090344429, 0.04781777784228325, 0.06697152554988861, 0.07684134691953659, 0.08882192522287369, 0.10382303595542908, 0.11357510089874268, 0.11488297581672668, 0.10466836392879486, 0.09518948197364807, 0.08851873874664307, 0.08117187023162842, 0.07235591113567352, 0.05229688063263893, 0.03762909397482872, 0.01569296233355999, 0.003920982591807842, -0.0017008064314723015, -0.014708828181028366, -0.020420175045728683, -0.04239451140165329, -0.04621250554919243, -0.04313025251030922, -0.03782740980386734, -0.03328824043273926, -0.043880850076675415, -0.03799322620034218, -0.0288314837962389, -0.012292088009417057, -0.0009538119193166494, 0.0020398590713739395, 0.016337232664227486, 0.030687132850289345, 0.05023961514234543, 0.06444567441940308, 0.08056540042161942, 0.09605307877063751, 0.1105135902762413, 0.12205543369054794, 0.12273216992616653, 0.13992004096508026, 0.1444234400987625, 0.1392250806093216, 0.1262884885072708, 0.11395552009344101, 0.112374447286129, 0.08858239650726318, 0.07240137457847595, 0.03539883717894554, 0.011035775765776634, 0.006528880912810564, -0.013430572114884853, -0.028189318254590034, -0.06266875565052032, -0.062202807515859604, -0.054771531373262405, -0.051405902951955795, -0.04184471070766449, -0.05250689759850502, -0.025430234149098396, -0.015438972972333431, 0.006392879411578178, 0.024332044646143913, 0.031086571514606476, 0.051604822278022766, 0.04535580798983574, 0.06544869393110275, 0.07029101997613907, 0.07710419595241547, 0.07895349711179733, 0.060149144381284714, 0.06828094273805618, 0.06168492138385773, 0.06773986667394638, 0.05512569844722748, 0.04188302531838417, 0.041430748999118805, 0.029823772609233856, 0.03721626475453377, 0.02267724648118019, 0.019735056906938553, 0.010103224776685238, 0.0036530890502035618, 0.007175037171691656, -0.005413488019257784, -0.003833975875750184, -0.02155495621263981, -0.0173236932605505, -0.025255680084228516, -0.032169800251722336, -0.030263589695096016, -0.0388999842107296, -0.029527710750699043, -0.042996082454919815, -0.032418426126241684, -0.03298904374241829, -0.02653251588344574, -0.018824253231287003, -0.022219587117433548, -0.008324463851749897, -0.011358543299138546, 0.005594869144260883, 0.0046712313778698444, 0.006827215664088726, 0.008294967003166676, 0.0037559987977147102, 0.012044977396726608, 0.0029586604796350002, 0.003302503377199173, -0.009022059850394726, -0.013428069651126862, -0.018115414306521416, -0.0273175910115242, -0.027910670265555382, -0.04360649362206459, -0.04802163317799568, -0.05611570179462433, -0.05744054913520813, -0.06020568683743477, -0.07205800712108612, -0.06850739568471909, -0.07459912449121475, -0.07139771431684494, -0.07762692868709564, -0.08133937418460846, -0.07410268485546112, -0.0815916359424591, -0.07742045819759369, -0.08128304034471512, -0.07492342591285706, -0.0777558907866478, -0.0810157060623169, -0.07263268530368805, -0.07795847952365875, -0.06460375338792801, -0.07396069169044495, -0.07395156472921371, -0.07262350618839264, -0.07748977094888687, -0.07074285298585892, -0.09640905261039734, -0.08769899606704712, -0.08489489555358887, -0.05743129551410675, -0.05643526464700699, -0.06667056679725647, -0.02692517824470997, 0.0022935254964977503, 0.049257971346378326, 0.04733644798398018, 0.08099793642759323, 0.11429333686828613, 0.13432717323303223, 0.16651391983032227, 0.15955741703510284, 0.182741180062294, 0.16127237677574158, 0.15679967403411865, 0.1465512365102768, 0.11824703961610794, 0.10000096261501312, 0.052713196724653244, 0.0345635823905468, -0.012496218085289001, -0.039756834506988525, -0.058815404772758484, -0.08153827488422394, -0.09572528302669525, -0.12669511139392853, -0.11717081815004349, -0.1077347993850708, -0.09302154183387756, -0.08490244299173355, -0.07733310014009476, -0.04620923101902008, -0.0226458627730608, 0.010068755596876144, 0.024302149191498756, 0.04122979938983917, 0.05948805436491966, 0.0709737241268158, 0.08807266503572464, 0.09028109908103943, 0.09980989247560501, 0.0930844321846962, 0.08919486403465271, 0.08694629371166229, 0.0846167802810669, 0.08581708371639252, 0.07521237432956696, 0.0698762983083725, 0.05996134877204895, 0.058556392788887024, 0.05824541673064232, 0.05731919780373573, 0.049566734582185745, 0.034231726080179214, 0.02669088914990425, 0.026794249191880226, 0.025384895503520966, 0.00828992947936058, -0.009522845037281513, -0.02299501933157444, -0.025452306494116783, -0.03394857421517372, -0.0445425771176815, -0.05320890247821808, -0.05984422564506531, -0.05548226460814476, -0.058180615305900574, -0.048390474170446396, -0.037656791508197784, -0.024601280689239502, -0.012089338153600693, 0.0007519909995608032, 0.026817822828888893, 0.049179501831531525, 0.07003762573003769, 0.07579199224710464, 0.08794572204351425, 0.1044543981552124, 0.1126081719994545, 0.11252763122320175, 0.09910240024328232, 0.09615760296583176, 0.07811298966407776, 0.06759103387594223, 0.05140835791826248, 0.02354244701564312, 0.007135036867111921, -0.010751654393970966, -0.011636304669082165, -0.03711741045117378, -0.05428296700119972, -0.0527677945792675, -0.04635205864906311, -0.04123187065124512, -0.05730734393000603, -0.04536953195929527, -0.03269365802407265, -0.013726137578487396, -0.00812789611518383, -0.005004671402275562, 0.014564675278961658, 0.020171387121081352, 0.039042577147483826, 0.0395263247191906, 0.05287909135222435, 0.06385032087564468, 0.06875711679458618, 0.07852122187614441, 0.07694832235574722, 0.09404496848583221, 0.09529393166303635, 0.098924919962883, 0.09573863446712494, 0.09058468788862228, 0.09523261338472366, 0.08406160026788712, 0.08085538446903229, 0.06397619098424911, 0.051796481013298035, 0.036384496837854385, 0.018570512533187866, 0.01366734690964222, -0.005907849408686161, -0.022093554958701134, -0.040283940732479095, -0.043246131390333176, -0.04419558122754097, -0.0523553267121315, -0.052401550114154816, -0.05680391564965248, -0.04374079778790474, -0.03598017618060112, -0.02624272182583809, -0.01636379398405552, -0.0067049250937998295, 0.008520650677382946, 0.014349743723869324, 0.030243514105677605, 0.03743695467710495, 0.04321721941232681, 0.049285031855106354, 0.050814446061849594, 0.05312582850456238, 0.05045609176158905, 0.05195056274533272, 0.04484797641634941, 0.03992432355880737, 0.03313112631440163, 0.02505629137158394, 0.0198214091360569, 0.01312074065208435, 0.007558497134596109, -0.00350978784263134, -0.01071938592940569, -0.014365061186254025, -0.016861993819475174, -0.021092932671308517, -0.02972884476184845, -0.03563255816698074, -0.03834022581577301, -0.03932834044098854, -0.040639784187078476, -0.04577231779694557, -0.04812731593847275, -0.04884764179587364, -0.04912584647536278, -0.049813345074653625, -0.048991236835718155, -0.04943520948290825, -0.05032344162464142, -0.049909789115190506, -0.04907449334859848, -0.04488569498062134, -0.042865294963121414, -0.03588072210550308, -0.036280639469623566, -0.03397812321782112, -0.027405744418501854, -0.022245701402425766, -0.015969863161444664, -0.02117854356765747, -0.021564804017543793, -0.02333790250122547, -0.02126486785709858, -0.022530265152454376, -0.031948644667863846, -0.040766287595033646, -0.050693292170763016, -0.0497845858335495, -0.05963053181767464, -0.06701158732175827, -0.07972472906112671, -0.08829119056463242, -0.08321628719568253, -0.09391064941883087, -0.0931936502456665, -0.10271283984184265, -0.10418881475925446, -0.09936242550611496, -0.10793853551149368, -0.09423346817493439, -0.10673734545707703, -0.09863946586847305, -0.09647109359502792, -0.10594061762094498, -0.09169501811265945, -0.10663170367479324, -0.09303956478834152, -0.11869647353887558, -0.11542335152626038, -0.10129020363092422, -0.0994388684630394, -0.07862243801355362, -0.0958559662103653, -0.05868363380432129, -0.039880767464637756, 6.111091352067888e-05, 0.035879094153642654, 0.04254886880517006, 0.08130036294460297, 0.09512031823396683, 0.15322192013263702, 0.1589544266462326, 0.15713487565517426, 0.16389483213424683, 0.1545053869485855, 0.17041143774986267, 0.12881670892238617, 0.11454713344573975, 0.07797975093126297, 0.04335061460733414, 0.017517268657684326, -0.035415373742580414, -0.04306571185588837, -0.08804333955049515, -0.1025003045797348, -0.1266431212425232, -0.14403465390205383, -0.12613888084888458, -0.13516691327095032, -0.10529963672161102, -0.11300601810216904, -0.08705734461545944, -0.055410806089639664, -0.0338994599878788, 0.008250421844422817, 0.003997658379375935, 0.04331048205494881, 0.04826715961098671, 0.06936614215373993, 0.0868380144238472, 0.07794778794050217, 0.08988811820745468, 0.06867051124572754, 0.08307316899299622, 0.06878123432397842, 0.05989772453904152, 0.059169117361307144, 0.03773118928074837, 0.04379569739103317, 0.02716650627553463, 0.036364905536174774, 0.03355730324983597, 0.028741449117660522, 0.030509352684020996, 0.01769436150789261, 0.03407953307032585, 0.02713942714035511, 0.024854391813278198, 0.014745257794857025, 5.1719453040277585e-06, 0.0028778661508113146, -0.012284303084015846, -0.013825899921357632, -0.03602709248661995, -0.0486784391105175, -0.05288490653038025, -0.06255107372999191, -0.058266203850507736, -0.07165033370256424, -0.06578066945075989, -0.0617617629468441, -0.0506458654999733, -0.03227894380688667, -0.021723108366131783, 0.001152009703218937, 0.013884352520108223, 0.03594747930765152, 0.05524754896759987, 0.07013968378305435, 0.0887402817606926, 0.09154738485813141, 0.10062691569328308, 0.0975327342748642, 0.09790701419115067, 0.09546609967947006, 0.07658247649669647, 0.06751607358455658, 0.043641865253448486, 0.03558250889182091, 0.016952136531472206, -0.00221796496771276, -0.010513929650187492, -0.033992111682891846, -0.03155788406729698, -0.04763086140155792, -0.04390949010848999, -0.04605753719806671, -0.050544653087854385, -0.036513131111860275, -0.03646321967244148, -0.015197642147541046, -0.015001650899648666, -0.000936104217544198, 0.01109540555626154, 0.02154173143208027, 0.04343290999531746, 0.04388901963829994, 0.05734880641102791, 0.06061170622706413, 0.07472942024469376, 0.08339321613311768, 0.07951707392930984, 0.08244721591472626, 0.07558561116456985, 0.08583752810955048, 0.07786781340837479, 0.06825950741767883, 0.06494007259607315, 0.053179193288087845, 0.05144363269209862, 0.034717101603746414, 0.03369765728712082, 0.02215471677482128, 0.010427655652165413, 0.005202065221965313, -0.009963348507881165, -0.00702786585316062, -0.019392598420381546, -0.021154647693037987, -0.02809581719338894, -0.032052889466285706, -0.02652473747730255, -0.032038044184446335, -0.02236746996641159, -0.029049811884760857, -0.0219334214925766, -0.01783006079494953, -0.012778006494045258, -0.0010296491673216224, -0.003447385737672448, 0.008420160971581936, 0.009361427277326584, 0.02079569548368454, 0.026616929098963737, 0.025669200345873833, 0.03104597143828869, 0.02858368493616581, 0.036713939160108566, 0.03139488771557808, 0.027361461892724037, 0.02679913304746151, 0.02068094164133072, 0.01950659044086933, 0.008082759566605091, 0.006403349339962006, -7.950073631945997e-05, -0.0036769388243556023, -0.007360160816460848, -0.017713777720928192, -0.017533740028738976, -0.024863922968506813, -0.022921334952116013, -0.029335742816329002, -0.03435254096984863, -0.03434569761157036, -0.03899155184626579, -0.036744192242622375, -0.046538904309272766, -0.04613703861832619, -0.04979345574975014, -0.05174074321985245, -0.050796665251255035, -0.05522597208619118, -0.049958065152168274, -0.05224381759762764, -0.04856043681502342, -0.04962306097149849, -0.04226979985833168, -0.034579090774059296, -0.0346820168197155, -0.02752634882926941, -0.03050968050956726, -0.017864413559436798, -0.017647793516516685, -0.015484499745070934, -0.01654799096286297, -0.023726552724838257, -0.01363549754023552, -0.027449792250990868, -0.02427271194756031, -0.03819502517580986, -0.047948870807886124, -0.04752277582883835, -0.06761164218187332, -0.06376764923334122, -0.0873580053448677, -0.08519234508275986, -0.09802431613206863, -0.10872086882591248, -0.09993667155504227, -0.11626546829938889, -0.10592478513717651, -0.12037000060081482, -0.10870777815580368, -0.10943931341171265, -0.11294599622488022, -0.10007146745920181, -0.11477663367986679, -0.10474412143230438, -0.11220641434192657, -0.08971303701400757, -0.07890226691961288, -0.08299312740564346, -0.0651150569319725, -0.05244600772857666, -0.006576288025826216, 0.0026477735955268145, 0.02464919164776802, 0.04989688843488693, 0.07168665528297424, 0.11237093806266785, 0.11986512690782547, 0.14580123126506805, 0.141525998711586, 0.15194857120513916, 0.15869642794132233, 0.14204154908657074, 0.14081914722919464, 0.10462138056755066, 0.09416022896766663, 0.05808025598526001, 0.029101552441716194, 0.006152820307761431, -0.029221557080745697, -0.04335607588291168, -0.08588568866252899, -0.09144379198551178, -0.10553953796625137, -0.1094164028763771, -0.10388115793466568, -0.11177336424589157, -0.09520348161458969, -0.08930745720863342, -0.056618157774209976, -0.04012678191065788, -0.02753394842147827, -0.003701666370034218, 0.01011244859546423, 0.03952351585030556, 0.04743820056319237, 0.06257746368646622, 0.06890910863876343, 0.06779473274946213, 0.07854484766721725, 0.07520754635334015, 0.08007357269525528, 0.06701412051916122, 0.0649123415350914, 0.06347150355577469, 0.05540337413549423, 0.05842723697423935, 0.04995572939515114, 0.05258278548717499, 0.04655921459197998, 0.04534841328859329, 0.04647639021277428, 0.043401166796684265, 0.04477302357554436, 0.03163118660449982, 0.030587462708353996, 0.02232634834945202, 0.014170494861900806, 0.007749929558485746, -0.006173643749207258, -0.015402044169604778, -0.029478302225470543, -0.03527158498764038, -0.04462992399930954, -0.0528300516307354, -0.05185404792428017, -0.0571637786924839, -0.0530102476477623, -0.04752364009618759, -0.03694106638431549, -0.021358877420425415, -0.010878048837184906, 0.004622094798833132, 0.021068541333079338, 0.04418898746371269, 0.06017916277050972, 0.07274167984724045, 0.08446193486452103, 0.0932614877820015, 0.10074756294488907, 0.1020527109503746, 0.10228639841079712, 0.09217080473899841, 0.08628740161657333, 0.07374550402164459, 0.06227927282452583, 0.05378657579421997, 0.03397456184029579, 0.023045003414154053, 0.0061233313754200935, 0.0007673553191125393, -0.0060699149034917355, -0.01744486577808857, -0.019599758088588715, -0.02750546671450138, -0.02082924358546734, -0.018983978778123856, -0.013490874320268631, -0.006546975579112768, -0.002592902397736907, 0.007371028419584036, 0.017233824357390404, 0.03169078007340431, 0.03954228013753891, 0.04720531031489372, 0.05359860509634018, 0.06314948946237564, 0.07450795918703079, 0.07765300571918488, 0.08231008797883987, 0.07270209491252899, 0.07793477177619934, 0.08003398030996323, 0.0756186917424202, 0.07100605219602585, 0.05340273305773735, 0.0554065965116024, 0.043242424726486206, 0.03976522758603096, 0.033422138541936874, 0.0174737349152565, 0.0178863313049078, 0.001327801146544516, 0.005381451454013586, 0.0008833510801196098, -0.0045030685141682625, -0.008424491621553898, -0.02026308700442314, -0.011373314075171947, -0.014773176051676273, -0.010694664902985096, -0.013205628842115402, -0.01945415884256363, -0.012718657031655312, -0.012120483443140984, -0.0012277155183255672, -0.004608755465596914, -0.004238892812281847, -0.001485905610024929, 0.0013310312060639262, 0.010694090276956558, 0.0072411769069731236, 0.010032598860561848, 0.007738582789897919, 0.011485823430120945, 0.01407333929091692, 0.01068127155303955, 0.013781039975583553, 0.010836983099579811, 0.01085787732154131, 0.005311963614076376, 0.004771285690367222, 0.005818249192088842, -7.142211688915268e-05, -0.001601487398147583, -0.008828316815197468, -0.009731199592351913, -0.014272663742303848, -0.016010330989956856, -0.019803019240498543, -0.02728232555091381, -0.031143533065915108, -0.03588465601205826, -0.03556286171078682, -0.04118360951542854, -0.04560225456953049, -0.050202351063489914, -0.05256976932287216, -0.053400278091430664, -0.0547276996076107, -0.052844978868961334, -0.05576147511601448, -0.0535130575299263, -0.051452815532684326, -0.04539612680673599, -0.03886950761079788, -0.039051271975040436, -0.032810699194669724, -0.03186497464776039, -0.022872742265462875, -0.02250254899263382, -0.02155531570315361, -0.019640281796455383, -0.02386591210961342, -0.02333160489797592, -0.030695883557200432, -0.03324628248810768, -0.04186767712235451, -0.050801075994968414, -0.05614010617136955, -0.06602885574102402, -0.07256539165973663, -0.08225039392709732, -0.08609826117753983, -0.09222304821014404, -0.09663722664117813, -0.09654554724693298, -0.09947047382593155, -0.09780187159776688, -0.10028225928544998, -0.09527911990880966, -0.09676715731620789, -0.0957767441868782, -0.09262797981500626, -0.09008052945137024, -0.07972490042448044, -0.077936552464962, -0.06369002163410187, -0.053074926137924194, -0.037345580756664276, -0.017657184973359108, 0.0003008462081197649, 0.026122121140360832, 0.04144863411784172, 0.06582217663526535, 0.0880473256111145, 0.1028561145067215, 0.12007520347833633, 0.12472163885831833, 0.13628798723220825, 0.13133500516414642, 0.12595205008983612, 0.11839303374290466, 0.10009744018316269, 0.08341554552316666, 0.05461272597312927, 0.03489658236503601, 0.008768846280872822, -0.017475655302405357, -0.03875115513801575, -0.06114757061004639, -0.07499349117279053, -0.09058636426925659, -0.09608513861894608, -0.09655336290597916, -0.09498637169599533, -0.08787347376346588, -0.07988061755895615, -0.06181999668478966, -0.046692825853824615, -0.02813246101140976, -0.012875793501734734, 0.002061912789940834, 0.01947161741554737, 0.03272410109639168, 0.0462828204035759, 0.05008486658334732, 0.055769357830286026, 0.058849185705184937, 0.05951080098748207, 0.06222673878073692, 0.05675773322582245, 0.05529390648007393, 0.0495891310274601, 0.047528695315122604, 0.047773219645023346, 0.043187424540519714, 0.04306824132800102, 0.0369669534265995, 0.0388789027929306, 0.03798568993806839, 0.03496021032333374, 0.0334874652326107, 0.02668854221701622, 0.023135405033826828, 0.014989923685789108, 0.009000507183372974, 0.0012865390162914991, -0.010939610190689564, -0.019736802205443382, -0.0316971130669117, -0.03810662776231766, -0.04756345972418785, -0.054158251732587814, -0.0589943565428257, -0.062471747398376465, -0.05787503719329834, -0.05385389178991318, -0.04488859698176384, -0.03719900920987129, -0.023306943476200104, -0.0058584571816027164, 0.00857428926974535, 0.02761518768966198, 0.04240676760673523, 0.05793078616261482, 0.07068266719579697, 0.08238961547613144, 0.09466521441936493, 0.09214717894792557, 0.09252047538757324, 0.09261855483055115, 0.09242796897888184, 0.08205116540193558, 0.06346295773983002, 0.05467924848198891, 0.04350433126091957, 0.030514821410179138, 0.015170768834650517, -0.0005154074751771986, -0.010371625423431396, -0.02115313708782196, -0.02494312822818756, -0.027804052457213402, -0.03137242794036865, -0.029398875311017036, -0.026223337277770042, -0.016983499750494957, -0.010926768183708191, -0.0014214757829904556, 0.010996105149388313, 0.021021798253059387, 0.02950439043343067, 0.037250716239213943, 0.04874137043952942, 0.057136449962854385, 0.06029331684112549, 0.06291644275188446, 0.06332823634147644, 0.06381689012050629, 0.06092280521988869, 0.058216169476509094, 0.05289727821946144, 0.042810793966054916, 0.035130780190229416, 0.02778451330959797, 0.022278504446148872, 0.013230828568339348, 0.0031231255270540714, -0.003259119810536504, -0.008665435947477818, -0.010799531824886799, -0.015858139842748642, -0.019175924360752106, -0.020371388643980026, -0.020639026537537575, -0.01829197071492672, -0.017949219793081284, -0.015794139355421066, -0.014273852109909058, -0.010843678377568722, -0.0068700737319886684, -0.004928643815219402, -0.0010522614466026425, 0.0011126588797196746, 0.005316168535500765, 0.006940638646483421, 0.00826351996511221, 0.010867171920835972, 0.011322279460728168, 0.012959320098161697, 0.012587695382535458, 0.012344586662948132, 0.011214730329811573, 0.009280744008719921, 0.01106321718543768, 0.008575886487960815, 0.006953842472285032, 0.004738555755466223, 0.0029027156997472048, 0.0021818801760673523, -0.0009443703456781805, -0.0013430522521957755, -0.005239806603640318, -0.007497109938412905, -0.010106014087796211, -0.013324730098247528, -0.015496134757995605, -0.02018340490758419, -0.0237906314432621, -0.030629152432084084, -0.03664463385939598, -0.041455067694187164, -0.04681723564863205, -0.05083528906106949, -0.05803537368774414, -0.06266845017671585, -0.06597857177257538, -0.06553048640489578, -0.0650133341550827, -0.06569173187017441, -0.06466581672430038, -0.06223857402801514, -0.05538220331072807, -0.05031474679708481, -0.04382023587822914, -0.0406951904296875, -0.035247791558504105, -0.030074601992964745, -0.026557166129350662, -0.021648351103067398, -0.023753874003887177, -0.023012148216366768, -0.02466273494064808, -0.028298741206526756, -0.030506975948810577, -0.04044726863503456, -0.043981462717056274, -0.05309431999921799, -0.0608271062374115, -0.06539595872163773, -0.07780665159225464, -0.07685867697000504, -0.08793038874864578, -0.0878027155995369, -0.09059589356184006, -0.09312102198600769, -0.09070214629173279, -0.09697633981704712, -0.09123684465885162, -0.09217917174100876, -0.08806785941123962, -0.08352825790643692, -0.08394119143486023, -0.07532230764627457, -0.07158497720956802, -0.05654781684279442, -0.04593201354146004, -0.0344722606241703, -0.01965143345296383, -0.004593818448483944, 0.01848413608968258, 0.03473375365138054, 0.0539284273982048, 0.06947173178195953, 0.084139883518219, 0.09932181984186172, 0.10641270130872726, 0.11522704362869263, 0.11348014324903488, 0.11052240431308746, 0.1022120863199234, 0.08998793363571167, 0.07491330802440643, 0.0535314716398716, 0.03684118390083313, 0.013649920001626015, -0.009202323853969574, -0.030300838872790337, -0.04819156602025032, -0.06032094359397888, -0.0742398202419281, -0.07931764423847198, -0.08504407107830048, -0.08296874910593033, -0.07682950049638748, -0.06691793352365494, -0.052276745438575745, -0.04202045872807503, -0.026543028652668, -0.011522010900080204, 0.00516858184710145, 0.01993166096508503, 0.030517632141709328, 0.04172855615615845, 0.04753805696964264, 0.05243493244051933, 0.05511923134326935, 0.05597611144185066, 0.05625216290354729, 0.051121555268764496, 0.04633672162890434, 0.04237276315689087, 0.039546772837638855, 0.036550235003232956, 0.03229866921901703, 0.029201515018939972, 0.02474617026746273, 0.024091163650155067, 0.023348020389676094, 0.022444751113653183, 0.01985526829957962, 0.0164796095341444, 0.014781155623495579, 0.01027921587228775, 0.0074789319187402725, 0.0018015977693721652, -0.00406327098608017, -0.0102372532710433, -0.01812215894460678, -0.023430392146110535, -0.029828084632754326, -0.03359824791550636, -0.03625111281871796, -0.038858767598867416, -0.03777570277452469, -0.036238014698028564, -0.029328547418117523, -0.02248571440577507, -0.013591576367616653, -0.003866442246362567, 0.006894430611282587, 0.020092133432626724, 0.0313134603202343, 0.04398602992296219, 0.05262847617268562, 0.06027582660317421, 0.06679875403642654, 0.06924578547477722, 0.07275323569774628, 0.06846750527620316, 0.0671444684267044, 0.05934856832027435, 0.05223919823765755, 0.04536449909210205, 0.03463434800505638, 0.027794908732175827, 0.0147194042801857, 0.007186410948634148, 0.00013348615902941674, -0.0042842053808271885, -0.0064171296544373035, -0.010628064163029194, -0.009776473976671696, -0.00852471124380827, -0.0027790050953626633, 0.005414665676653385, 0.011129748076200485, 0.0180607121437788, 0.025291506201028824, 0.03659120574593544, 0.046317245811223984, 0.05232567340135574, 0.05686520040035248, 0.06060769781470299, 0.06505093723535538, 0.0653877779841423, 0.06442473083734512, 0.06085531413555145, 0.05496818199753761, 0.04825718700885773, 0.0405692495405674, 0.033583469688892365, 0.02437690831720829, 0.015365201979875565, 0.006455765571445227, -0.0016614828491583467, -0.008085944689810276, -0.013841185718774796, -0.017404703423380852, -0.02022014930844307, -0.022298643365502357, -0.022230949252843857, -0.020210806280374527, -0.017424002289772034, -0.014258311130106449, -0.010447261855006218, -0.006940190214663744, -0.0031898629385977983, 0.000270407268544659, 0.004452923312783241, 0.006945539731532335, 0.008449858985841274, 0.010217341594398022, 0.012318936176598072, 0.013565589673817158, 0.012649290263652802, 0.01254358422011137, 0.012940941378474236, 0.01247347705066204, 0.011578342877328396, 0.01032822486013174, 0.00913076102733612, 0.007556325290352106, 0.006118873134255409, 0.003694832557812333, 0.0010501634096726775, -0.0012307391734793782, -0.004062070045620203, -0.006079289596527815, -0.008950330317020416, -0.01201545912772417, -0.015128567814826965, -0.017957517877221107, -0.019979611039161682, -0.02237059734761715, -0.02376609854400158, -0.02608678489923477, -0.02750415913760662, -0.028604045510292053, -0.02979205548763275, -0.03035697340965271, -0.03141544386744499, -0.030849987640976906, -0.0313756987452507, -0.029676156118512154, -0.03033643402159214, -0.030596837401390076, -0.02788751758635044, -0.027619218453764915, -0.0247694943100214, -0.02718672901391983, -0.026063600555062294, -0.0241151824593544, -0.02439294196665287, -0.021357661113142967, -0.026090029627084732, -0.02453828603029251, -0.025343002751469612, -0.026317918673157692, -0.023812737315893173, -0.030402986332774162, -0.02777901291847229, -0.03319797292351723, -0.03301326930522919, -0.033413682132959366, -0.03828703612089157, -0.037726666778326035, -0.04610387980937958, -0.043973036110401154, -0.047151077538728714, -0.050015922635793686, -0.05190909653902054, -0.05605936422944069, -0.05407768860459328, -0.05835561081767082, -0.05654933676123619, -0.055870313197374344, -0.056396469473838806, -0.055890027433633804, -0.057769324630498886, -0.05288846045732498, -0.05216274783015251, -0.049478884786367416, -0.04881776124238968, -0.04734388366341591, -0.041175033897161484, -0.037961870431900024, -0.029680659994482994, -0.02619185857474804, -0.018901638686656952, -0.009866569191217422, -0.0006123905186541378, 0.010697374120354652, 0.017524853348731995, 0.03060978092253208, 0.03821501508355141, 0.04608084633946419, 0.05329063907265663, 0.05882536247372627, 0.06518345326185226, 0.06313475221395493, 0.06317082047462463, 0.05906904116272926, 0.05474966764450073, 0.04910377413034439, 0.040146250277757645, 0.0320478156208992, 0.019783589988946915, 0.010214154608547688, 0.0021106291096657515, -0.006015982944518328, -0.012515708804130554, -0.01920894905924797, -0.02338642254471779, -0.02560446411371231, -0.02543145790696144, -0.02291640266776085, -0.02101234905421734, -0.01697937585413456, -0.01260017603635788, -0.0065933335572481155, -0.0005242150509729981, 0.004319770727306604, 0.010837444104254246, 0.015488344244658947, 0.019043879583477974, 0.021558312699198723, 0.02425396256148815, 0.02801322750747204, 0.028271062299609184, 0.028894590213894844, 0.027617568150162697, 0.027249446138739586, 0.028928248211741447, 0.028372997418045998, 0.029257232323288918, 0.02774919383227825, 0.026996999979019165, 0.028498763218522072, 0.028300734236836433, 0.029205134138464928, 0.02735876478254795, 0.027878455817699432, 0.02677294798195362, 0.0250947717577219, 0.025121720507740974, 0.0225124042481184, 0.01983589306473732, 0.016366994008421898, 0.012886080890893936, 0.01010100543498993, 0.005596809089183807, 0.002894036704674363, -0.0006749443709850311, -0.002949584973976016, -0.005329475738108158, -0.006790952757000923, -0.005243959836661816, -0.004495969507843256, -0.0016415283316746354, 0.0013839554740116, 0.004712165333330631, 0.010253531858325005, 0.01514860987663269, 0.021899642422795296, 0.02618653140962124, 0.030726313591003418, 0.03515995293855667, 0.03805311396718025, 0.042680807411670685, 0.042571187019348145, 0.0434252955019474, 0.04288779944181442, 0.04007142409682274, 0.039149604737758636, 0.035469960421323776, 0.033036794513463974, 0.027263935655355453, 0.023368922993540764, 0.020421044901013374, 0.01631312072277069, 0.014403841458261013, 0.01137948501855135, 0.0095658078789711, 0.008948695845901966, 0.00852739904075861, 0.010680962353944778, 0.012267806567251682, 0.013658778741955757, 0.01497602928429842, 0.017393596470355988, 0.0205684881657362, 0.023197311908006668, 0.026079950854182243, 0.02761215902864933, 0.02828332968056202, 0.02965286374092102, 0.030995534732937813, 0.031042763963341713, 0.0307041946798563, 0.02862177975475788, 0.026958435773849487, 0.02475019544363022, 0.023146463558077812, 0.021521667018532753, 0.01843966543674469, 0.016335131600499153, 0.012239915318787098, 0.010866958647966385, 0.008288947865366936, 0.005933825392276049, 0.005388358607888222, 0.002048880560323596, 0.0017183180898427963, -0.0010286386823281646, -0.001090190140530467, -0.0008887401199899614, -0.002758938819169998, -0.0007186630391515791, -0.003853057511150837, -0.0009969634702429175, -0.001309666084125638, 0.0005001706886105239, 0.0024433592334389687, 0.001038638292811811, 0.003938214387744665, 0.002134216483682394, 0.005288081709295511, 0.0060466318391263485, 0.006206102669239044, 0.007369546219706535, 0.005327501334249973, 0.008850525133311749, 0.007452532649040222, 0.008757378906011581, 0.007524063345044851, 0.00685101980343461, 0.007472306024283171, 0.005510461516678333, 0.006228228565305471, 0.0045999386347830296, 0.0032595451921224594, 0.0011857455829158425, -0.0009007482440210879, -0.0007176211220212281, -0.0036210522521287203, -0.004236998502165079, -0.006601421628147364, -0.008949902839958668, -0.010545953176915646, -0.013742047362029552, -0.01394879724830389, -0.017267758026719093, -0.01762673445045948, -0.019875800237059593, -0.02035277895629406, -0.020987309515476227, -0.022209731861948967, -0.021841896697878838, -0.022214142605662346, -0.021258244290947914, -0.021544793620705605, -0.020457034930586815, -0.020060552284121513, -0.01903141848742962, -0.018069466575980186, -0.01816096529364586, -0.016391752287745476, -0.01662803255021572, -0.015799270942807198, -0.015935732051730156, -0.016184983775019646, -0.015054062008857727, -0.01605936698615551, -0.014514888636767864, -0.01702076569199562, -0.0173769760876894, -0.01829814910888672, -0.02039915882050991, -0.019840354099869728, -0.02260882593691349, -0.021340319886803627, -0.024956779554486275, -0.02549617551267147, -0.027046091854572296, -0.028671273961663246, -0.027636975049972534, -0.030513422563672066, -0.029008442535996437, -0.03076080232858658, -0.029740436002612114, -0.02896045707166195, -0.02962017059326172, -0.026910873129963875, -0.028488269075751305, -0.025930218398571014, -0.025031084194779396, -0.023726534098386765, -0.021358780562877655, -0.022474192082881927, -0.01902327686548233, -0.02125065214931965, -0.018696067854762077, -0.018599238246679306, -0.017124956473708153, -0.01528481300920248, -0.017254510894417763, -0.013428319245576859, -0.014708188362419605, -0.010444698855280876, -0.010707034729421139, -0.01039018016308546, -0.008786477148532867, -0.012022806331515312, -0.007687713950872421, -0.009853371419012547, -0.007442908361554146, -0.009286364540457726, -0.00995981227606535, -0.007067157421261072, -0.008700299076735973, -0.0034960524644702673, -0.004513191524893045, -0.0005881470860913396, 0.0009549567475914955, 0.0038874538149684668, 0.008446017280220985, 0.008259141817688942, 0.013155942782759666, 0.012754837051033974, 0.015968116000294685, 0.015415527857840061, 0.014538046903908253, 0.015352861024439335, 0.012097730301320553, 0.01263473927974701, 0.00822186004370451, 0.00564053887501359, 0.0016122136730700731, -0.0012806294253095984, -0.0025087848771363497, -0.006171028129756451, -0.008192088454961777, -0.012246177531778812, -0.013944149948656559, -0.014926808886229992, -0.015137110836803913, -0.014922280795872211, -0.01605161838233471, -0.01586451195180416, -0.016173310577869415, -0.015025352127850056, -0.0129671860486269, -0.011160019785165787, -0.008188984356820583, -0.00750162685289979, -0.004785902798175812, -0.0026690750382840633, 0.00038281542947515845, 0.003910481929779053, 0.006002877373248339, 0.0077514671720564365, 0.007627676706761122, 0.008652236312627792, 0.008609803393483162, 0.010168393142521381, 0.00950076337903738, 0.008098163641989231, 0.0064746844582259655, 0.004966026172041893, 0.005691785365343094, 0.0037188101559877396, 0.0038705701008439064, 0.001607207814231515, 0.00042083297739736736, 0.0006689750007353723, 0.0009131166152656078, 0.001810247078537941, -0.0002184531040256843, -0.00032082261168397963, -0.0004796386929228902, -8.425172563875094e-05, 0.0008674454293213785, 0.0013363499892875552, 0.0022318961564451456, 0.0011537171667441726, 0.001966686686500907, 0.00332662183791399, 0.0044057550840079784, 0.005676720291376114, 0.006244584918022156, 0.007196602877229452, 0.006221344694495201, 0.0062797279097139835, 0.007498349994421005, 0.008820167742669582, 0.008885173127055168, 0.008007783442735672, 0.008650333620607853, 0.009012031368911266, 0.010436953976750374, 0.011430689133703709, 0.013132013380527496, 0.014156443066895008, 0.014363959431648254, 0.015907200053334236, 0.01589665748178959, 0.017568660899996758, 0.017142409458756447, 0.017361804842948914, 0.01631939969956875, 0.014094921760261059, 0.01360069029033184, 0.01118061039596796, 0.010492511093616486, 0.007724265102297068, 0.004779328126460314, 0.0030652042478322983, 0.0006470243097282946, 0.0007993936887942255, -0.0009251476731151342, -0.00046708903391845524, -0.0014051025500521064, -0.0012819666881114244, -0.00035006192047148943, -0.0005717967869713902, 0.001686345785856247, 0.0013579765800386667, 0.0034971742425113916, 0.0035420239437371492, 0.0043296897783875465, 0.005701197776943445, 0.0052561028860509396, 0.0058592758141458035, 0.0048349411226809025, 0.005516493692994118, 0.004528593737632036, 0.003071574727073312, 0.0024445364251732826, -0.00019244282157160342, -0.0007701592985540628, -0.002854075515642762, -0.0030778292566537857, -0.0040743653662502766, -0.006300724111497402, -0.007506255060434341, -0.008857490494847298, -0.007959172129631042, -0.008950191549956799, -0.00916781835258007, -0.010389183647930622, -0.010722273960709572, -0.010391359217464924, -0.01115394476801157, -0.009719852358102798, -0.009709607809782028, -0.009158900938928127, -0.009305445477366447, -0.009525648318231106, -0.008153262548148632, -0.00764947384595871, -0.006537413224577904, -0.0073008290491998196, -0.007616367656737566, -0.007364918943494558, -0.007511644158512354, -0.007331469561904669, -0.008145521394908428, -0.009074530564248562, -0.01083636935800314, -0.012010405771434307, -0.012376131489872932, -0.013646319508552551, -0.014665328897535801, -0.016663827002048492, -0.018149087205529213, -0.019003497436642647, -0.020244678482413292, -0.020318863913416862, -0.020931869745254517, -0.021589910611510277, -0.021847857162356377, -0.0216834619641304, -0.020607002079486847, -0.020221037790179253, -0.019521266222000122, -0.018892714753746986, -0.01791432686150074, -0.017065206542611122, -0.01610618829727173, -0.014659215696156025, -0.014067624695599079, -0.014152717776596546, -0.01422505360096693, -0.013348623178899288, -0.011957716196775436, -0.011340307071805, -0.011217844672501087, -0.011503893882036209, -0.011678280308842659, -0.011786767281591892, -0.011144195683300495, -0.01041119173169136, -0.010142936371266842, -0.010510128922760487, -0.011460233479738235, -0.011448870413005352, -0.01024826429784298, -0.00928263459354639, -0.00959122832864523, -0.01035439595580101, -0.011190799064934254, -0.011703009717166424, -0.010847647674381733, -0.01012378092855215, -0.009699521586298943, -0.010379633866250515, -0.01095828041434288, -0.010422047227621078, -0.008968056179583073, -0.007195258978754282, -0.006197958718985319, -0.005651696119457483, -0.0056118955835700035, -0.004509336315095425, -0.0032130861654877663, -0.0014123356668278575, -0.00027905378374271095, 3.297308694527601e-06, 0.0002319638297194615, 0.0010074182646349072, 0.002458327217027545, 0.003707252210006118, 0.004453933332115412, 0.004788679536432028, 0.00472199497744441, 0.0049239275977015495, 0.0049308245070278645, 0.005757414735853672, 0.006304847542196512, 0.005645726341754198, 0.004430786240845919, 0.0035364674404263496, 0.0038638690020889044, 0.0042526875622570515, 0.004236581269651651, 0.004490228835493326, 0.004074201453477144, 0.004197751637548208, 0.004691773559898138, 0.005756188649684191, 0.0065442463383078575, 0.006550793070346117, 0.007405596319586039, 0.008273043669760227, 0.009214923717081547, 0.010025189258158207, 0.010794390924274921, 0.0114913210272789, 0.01209944300353527, 0.012515696696937084, 0.012884553521871567, 0.013151501305401325, 0.012918557040393353, 0.012715027667582035, 0.012631680816411972, 0.012140885926783085, 0.011896906420588493, 0.011780040338635445, 0.0113121522590518, 0.011043576523661613, 0.010936753824353218, 0.010862576775252819, 0.010865097865462303, 0.011066914536058903, 0.011033449321985245, 0.010880359448492527, 0.010211839340627193, 0.009824791923165321, 0.009513295255601406, 0.009116658940911293, 0.009192878380417824, 0.009032933972775936, 0.008842798881232738, 0.0077845328487455845, 0.007043737452477217, 0.007273773662745953, 0.007187435403466225, 0.007234981283545494, 0.006857468280941248, 0.0069136000238358974, 0.006426678970456123, 0.006356844678521156, 0.006769036874175072, 0.006635087076574564, 0.006771661341190338, 0.006652518175542355, 0.007322084158658981, 0.00797306839376688, 0.007391470950096846, 0.007198573090136051, 0.007409108802676201, 0.007459111511707306, 0.0071072629652917385, 0.007031567394733429, 0.006721479818224907, 0.006132988724857569, 0.005061723291873932, 0.004481810610741377, 0.004587341099977493, 0.0039775618351995945, 0.003098884830251336, 0.0024785143323242664, 0.0016705497400835156, 0.0008074261713773012, 0.0006366639281623065, 0.00021504737378563732, -0.00020761354244314134, -0.001435866579413414, -0.0016580726951360703, -0.0017338631441816688, -0.0021447448525577784, -0.0021034872625023127, -0.001924921409226954, -0.0016273040091618896, -0.001216455944813788, -0.0010592854814603925, -0.0010487858671694994, -0.0004521395021583885, -0.00022398594592232257, -0.000364012987120077, -7.300151628442109e-05, 0.000101274716143962, 2.8379130526445806e-05, -0.0005309596308507025, -0.0009754148195497692, -0.00109553849324584, -0.0014765604864805937, -0.0014319741167128086, -0.0014703301712870598, -0.001967007527127862, -0.002185506047680974, -0.00236318982206285, -0.002808639546856284, -0.0030720846261829138, -0.0026952815242111683, -0.0029155793599784374, -0.0027133559342473745, -0.0031195394694805145, -0.002880160929635167, -0.002658555284142494, -0.0024818636011332273, -0.0025303135626018047, -0.0025089895352721214, -0.0019113565795123577, -0.0028372895903885365, -0.0025991492439061403, -0.002350748749449849, -0.0018270687432959676, -0.0016947387484833598, -0.002381163416430354, -0.0018315572524443269, -0.0015387308085337281, -0.0017424244433641434, -0.0018714158795773983, -0.001551218912936747, -0.0009839715203270316, -0.0012423624284565449, -0.00136291841045022, -0.0007381975301541388, -0.0004204796568956226, -0.0005846834974363446, -0.0010352445533499122, -0.0002035492070717737, 0.0004113683826290071, 0.00043260701932013035, 0.0009025235776789486, 0.001288270577788353, 0.0010637941304594278, 0.0006012926460243762, 0.0007919004419818521, 0.0014987430768087506, 0.0016692564822733402, 0.00113549770321697, 0.0010181068209931254, 0.0007436634041368961, 0.000648552377242595, 0.0006722904508933425, 0.0012617928441613913, 0.0010951401200145483, 0.0015781893162056804, 0.001322733936831355, 0.0010936179896816611, 0.0018625612137839198, 0.0027229206170886755, 0.003359544090926647, 0.0038538214284926653, 0.0032045983243733644, 0.003194408491253853, 0.0031798838172107935, 0.0038606419693678617, 0.004334412049502134, 0.004514586180448532, 0.004735293332487345, 0.003699891036376357, 0.0034762981813400984, 0.004108770284801722, 0.0049588922411203384, 0.005387407261878252, 0.004783763084560633, 0.004068526905030012, 0.003932194784283638, 0.0036730943247675896, 0.003492377931252122, 0.004136356525123119, 0.004145998973399401, 0.003081405069679022, 0.0024331051390618086, 0.0021662095095962286, 0.002864938462153077, 0.0030079821590334177, 0.0022199286613613367, 0.0022154953330755234, 0.0019008772214874625, 0.0015497679123654962, 0.0022330163046717644, 0.002839141758158803, 0.0027809487655758858, 0.0022769474890083075, 0.0024649971164762974, 0.002989644417539239, 0.003553482936695218, 0.003485711058601737, 0.0033622425980865955, 0.0029836727771908045, 0.002975559327751398, 0.0033048458863049746, 0.004140203818678856, 0.004133880604058504, 0.0031280217226594687, 0.0028058227617293596, 0.0027790050953626633, 0.00304081616923213, 0.003019664902240038, 0.0032593270298093557, 0.0027307565324008465, 0.002188097918406129, 0.0013177654473111033, 0.0022171407472342253, 0.0030437393579632044, 0.0021252797450870275, 0.0013212021440267563, 0.0008159596472978592, 0.0005735314334742725, 0.0007868887041695416, 0.000857324106618762, 0.0012658803025260568, 0.000889847578946501, 0.00034295287332497537, 0.0008360479259863496, 0.00135589309502393, 0.0015942325117066503, 0.001704930909909308, 0.0010297229746356606, 0.0011678708251565695, 0.0012912494130432606, 0.001387394149787724, 0.0017402200028300285, 0.0017671026289463043, 0.0009635032620280981, -0.000649251218419522, 0.0005070348852314055, 0.0016351807862520218, 0.0011050733737647533, 0.00030854344367980957, 0.0005729305557906628, 0.001248768880032003, 0.0008760576019994915, 0.0008334866142831743, 0.001499999430961907, 0.002807383658364415, 0.0028769129421561956, 0.001151319476775825, 0.0010329604847356677, 0.0021266965195536613, 0.0022504592780023813, 0.0019674503710120916, 0.0014273603446781635, 0.0016307506011798978, 0.0012404682347550988, 0.0013337074778974056, 0.001181685016490519, 0.0016759077552706003, 0.0026660270523279905, 0.002742675133049488, 0.0010754199465736747, 7.131673191906884e-05, 0.0019391141831874847, 0.002974351169541478, 0.002442894736304879, 0.001372604165226221, 0.0017902776598930359, 0.001941078808158636, 0.0020625856705009937, 0.001680829213000834, 0.0018942784518003464, 0.0029839705675840378, 0.0022428862284868956, 0.0015125656500458717, 0.0008152700029313564, 0.0019610486924648285, 0.003269466571509838, 0.002211568411439657, 0.0013757649576291442, 0.0009515612036921084, 0.0016752362716943026, 0.0021113280672580004, 0.0016241861740127206, 0.0010695239761844277, 0.001127064460888505, 0.001621707808226347, 0.0013594665797427297, 0.0009502231259830296, 0.0014123877044767141, 0.002698639640584588, 0.0020219890866428614, 0.0005355662433430552, 0.0013675789814442396, 0.002280829707160592, 0.002171805826947093, 0.0008054771460592747, -0.0008465285645797849, 2.475111250532791e-05, 0.0012887950288131833, 0.00015028045163489878, 3.50816007994581e-05, 0.0008038676460273564, 0.0006506441859528422, 0.00027070549549534917, 0.0002723193902056664, 0.0020985363516956568, 0.0028520638588815928, 0.0021366204600781202, 0.0012164785293862224, 0.0014433495234698057, 0.0020622462034225464, 0.0027336205821484327, 0.0009934761328622699, 0.00042597894207574427, 0.0014387600822374225, 0.0012223258381709456, -1.7830092474468984e-05, -0.0010823359480127692, -0.0002988518972415477, 0.0008915330399759114, -0.0004047568654641509, -0.0015257523627951741, -0.0005915938527323306, 0.00015911200898699462, -0.00025491471751593053, -0.0022662184201180935, -0.002018751809373498, 0.0005192449898459017, 3.404491872061044e-05, -0.0012270606821402907, -0.001883382792584598, -0.00056169752497226, 0.0011030839523300529, -0.00027700208011083305, -0.0009362960117869079, 0.0003814483352471143, 0.0003268210275564343, -0.0009358290117233992, -0.0014122885186225176, -0.0002668679808266461, -0.00022843263286631554, -0.0011806640541180968, -0.0025590560398995876, -0.001604033401235938, -0.00046334057697094977, -0.0012742641847580671, -0.0017789211124181747, -0.0028076283633708954, -0.0022461675107479095, -0.0018651370191946626, -0.0017545699374750257, -0.0028020183090120554, -0.0028400977607816458, -0.0027343612164258957, -0.002371252980083227, -0.0021367380395531654, -0.001365490024909377, -0.0005912226042710245, -0.0018496797420084476, -0.0028532056603580713, -0.0018633091822266579, -0.00039940892020240426, -0.00036456240923143923, -0.0008586633484810591, -0.002267994685098529, -0.002484179101884365, -0.0011809658026322722, -0.0006879716529510915, -0.0009552963892929256, -0.0020013328175991774, -0.0019163294928148389, -0.0013256733072921634, -0.002341786865144968, -0.0019046867964789271, -0.000149419967783615, -0.0010995472548529506, -0.0020984860602766275, -0.0030457335524260998, -0.002121584489941597, -0.0006171551067382097, -0.0006600728956982493, -0.0015825629234313965, -0.0014246288919821382, -0.0011957400711253285, -0.0006615941529162228, -0.00013009418034926057, -0.0003639405476860702, 0.0001676654355833307, -6.212732841959223e-05, -0.0008366986294277012, -0.002210922772064805, -0.001184825669042766, 0.0007164182607084513, -8.876630090526305e-06, -0.0018123568734154105, -0.0019084317609667778, -0.0010455991141498089, -0.0010033847065642476, -0.0014649354852735996, -0.0021449201740324497, -0.00142367510125041, -0.0016829394735395908, -0.0036084430757910013, -0.0036694181617349386, -0.0034047693479806185, -0.00217395625077188, -0.002771906554698944, -0.0035134104546159506, -0.003228958463296294, -0.001731640542857349, -0.0011058266973122954, 3.8793707062723115e-05, 0.0006847424083389342, 0.0006241702358238399, 0.0005652523250319064, -0.0006803387659601867, -3.768839087570086e-05, 0.0009729473968036473, 0.0007598630618304014, -0.0009320737444795668, -0.0025444768834859133, -0.00308411568403244, -0.00355064426548779, -0.002352931071072817, -0.0019130337750539184, -0.0019161227392032743, -0.002423081547021866, -0.003197611076757312, -0.0028279239777475595, -0.0012698868522420526, -1.1051901310565881e-05, -0.00033936116960830986, -0.0012655435130000114, -0.0016329522477462888, -0.0006373994401656091, 0.00023123873688746244, -0.00012791038898285478, -0.0004566660791169852, -0.00042934270459227264, -0.0006631265277974308, -0.00041470216820016503, 0.0004121602978557348, 0.0007138117798604071, 0.00041671638609841466, 0.00015523374895565212, -0.0010741775622591376, -0.0009586302912794054, -0.00012939672160428017, -0.0012684207176789641, -0.0028794456738978624, -0.00304541178047657, -0.0036350805312395096, -0.003993219695985317, -0.002747890306636691, -0.0009676968329586089, 0.0001577417424414307, -0.0010763242607936263, -0.0015541218454018235, -0.0009891021763905883, 0.0011272409465163946, 0.0014365585520863533, 0.0010573783656582236, 0.0006541269249282777, -0.0005129179335199296, -0.0011942376149818301, -0.0007334708934649825, 0.0003373008221387863, 0.00024401076370850205, -0.0017843275563791394, -0.0028599938377738, -0.0028175348415970802, -0.0017389127751812339, -0.0011279104510322213, -0.0018439823761582375, -0.0024418041575700045, -0.002514573512598872, -0.0029082063119858503, -0.0022723327856510878, -0.001294041983783245, -0.00023434741888195276, -0.001372692990116775, -0.002961596939712763, -0.002221163362264633, -0.001231930684298277, -0.0006191454594954848, -0.0006293081678450108, -0.001605877303518355, -0.0023730453103780746, -0.002355993492528796, -0.0020803925581276417, -0.0011540375417098403, -0.0019379722652956843, -0.0033264062367379665, -0.0043382588773965836, -0.004500409588217735, -0.004823209252208471, -0.0037452743854373693, -0.0029215931426733732, -0.0037180755753070116, -0.004091528709977865, -0.0047768582589924335, -0.002910424256697297, -0.0010979153448715806, -0.0025836159475147724, -0.0025128526613116264, -0.002045299857854843, -0.00157625088468194, -0.0014021337265148759, -0.0018692264566197991, -0.0015636504394933581, -0.0014259152812883258, -0.00234824582003057, -0.002741016447544098, -0.0011399512877687812, -0.0006595700397156179, -0.001692506019026041, -0.0017971332417801023, -0.001931536477059126, -0.0010340743465349078, -0.0013668396277353168, -0.0023250519298017025, -0.001739862491376698, -0.0023999528493732214, -0.002719268435612321, -0.0025182333774864674, -0.002947055036202073, -0.0032755224965512753, -0.003335377434268594, -0.0026587536558508873, -0.002340242499485612, -0.0033437013626098633, -0.002591777592897415, -0.001984335482120514, -0.0023198334965854883, -0.0024490663781762123, -0.0023063139524310827, -0.002100798999890685, -0.002045339671894908, -0.001482858438976109, -0.0011092922650277615, -0.0012646396644413471, -0.0016766672488301992, -0.0023643590975552797, -0.001954825595021248, -0.0017903706757351756, -0.001298079383559525, -0.0016282886499539018, -0.0026658852584660053, -0.00294364127330482, -0.002288214163854718, -0.0021983806509524584, -0.0018570387037470937, -0.0018195636803284287, -0.0020585237070918083, -0.0026474338956177235, -0.0024203266948461533, -0.0013740014983341098, -0.0011772691505029798, -0.0018788693705573678, -0.00221992121078074, -0.003157553495839238, -0.003132519545033574, -0.0015637968899682164, -0.0010438463650643826, -0.001748587004840374, -0.0022695802617818117, -0.0019783233292400837, -0.0020417829509824514, -0.0017437501810491085, -0.000663016689941287, 0.00021862800349481404, -0.00034230438177473843, -0.0004933794843964279, -0.00032484729308634996, -0.0006355074001476169, 0.00039271090645343065, 0.0004536811902653426, -0.00022770419309381396, -0.0011875767959281802, -0.0012015457032248378, 0.0009029494249261916, 0.00140877824742347, -0.0011181678855791688, -0.0017603455344215035, -0.0001101956659113057, 9.945953934220597e-05, -0.0010607194853946567, -0.001158203580416739, -0.0009984697680920362, -0.00234970566816628, -0.0027103316970169544, -0.0017951602349057794, -0.0010688792681321502, -0.0014002794632688165, -0.0021107445936650038, -0.0015298955840989947, 2.2407410142477602e-05, 0.0009291415917687118, 0.0003685418050736189, 0.0002327718975720927, 0.0015946782659739256, 0.002555858576670289, 0.0010188356973230839, 0.001520949532277882, 0.0026965830475091934, 0.0008555169333703816, -0.001529367291368544, -0.00032982611446641386, 0.0005795351462438703, -0.00028497385210357606, -0.001257991068996489, -0.004207265563309193, -0.0013942224904894829, -0.0003911360399797559, -0.001386516378261149, -0.0005473791970871389, -0.002606807742267847, -0.0003967859083786607, 0.0003213586169295013, -0.0002686269290279597, -0.001011261367239058, -0.0008014182676561177, 0.00039480929262936115, -0.0011905028950423002, -0.003391652600839734, -0.0002609322255011648, 0.0011130855418741703, -0.004121460486203432, -0.004143284168094397, 0.0022198327351361513, 0.0024356499779969454, -0.0036345466505736113, -0.0045155794359743595, 0.000727294769603759, 0.0012457924894988537, -0.0015610938426107168, -0.0004941974184475839, 0.0014633855316787958, -0.0008801091462373734, -0.0013424697099253535, 0.0005646502249874175, 0.0017683816840872169, 0.0026377642061561346, 0.0002603504981379956, -0.0012369791511446238, -3.062405085074715e-05, 0.0010946650290861726, 0.0011175713734701276, -0.0012082582106813788, -0.00166704214643687, -0.0003509792441036552, 0.0001834607101045549, 0.0010682599386200309, -0.0003636484034359455, -0.00024807272711768746, -0.0003796625533141196, -0.00032286433270201087, 0.0004982867394573987, -7.989107689354569e-05, -1.3167679753678385e-05, 0.0005266868392936885, -0.0006145547376945615, 0.00015650315617676824, 0.0016650175675749779, 0.002103295875713229, 0.00032621101127006114, -0.00010190239845542237, 0.0028362541925162077, 0.003861392615363002, 0.0016396039864048362, 0.002049796748906374, 0.0035561230033636093, 0.0017283662455156446, -0.00020432985911611468, 0.0011604777537286282, 0.0029471339657902718, 0.0019387644715607166, -0.0007774080149829388, -0.0005240616155788302, 0.0001429929252481088, 0.0012788731837645173, 0.0019969611894339323, 0.0003647453850135207, -0.0003341792616993189, 0.0010967091657221317, 0.0017801832873374224, 0.0018757210345938802, 0.0012504415353760123, 0.001272296765819192, 0.0015744103584438562, 0.0010857901070266962, 0.0030694527085870504, 0.0038312433753162622, 0.002313470235094428, 0.0008045205031521618, 0.0004335060075391084, 0.0007564494735561311, 0.0015295448247343302, 0.00119708979036659, -0.0004934444441460073, -0.0011845336994156241, -0.0018667884869500995, 5.252946721157059e-05, 0.001375623163767159, 0.0016108332201838493, 0.000985404010862112, 0.0004189370956737548, 0.0010747582418844104, 0.00339495693333447, 0.004228001460433006, 0.003951153252273798, 0.0024147091899067163, 0.002311330521479249, 0.002071072580292821, 0.0012310076272115111, 0.0018642329378053546, 0.002716510556638241, 0.0012261762749403715, -0.0016326135955750942, -0.0005552282673306763, 0.002075536409392953, 0.003578115487471223, 0.0011505942093208432, -4.0605125832371414e-05, 0.0008026306168176234, 0.0008146401960402727, 0.0007950405706651509, 0.0005895194481126964, 0.0006879497668705881, 0.0008583369781263173, -0.00017774350999388844, -0.0007454374572262168, 0.000819802051410079, 0.0029229719657450914, 0.003450484713539481, 0.00171950226649642, 0.001410693279467523, 0.004032554570585489, 0.005055551417171955, 0.004263737704604864, 0.0022594453766942024, 0.002479420742020011, 0.0035454228054732084, 0.002389980712905526, 0.00130472332239151, 0.001728429808281362, 0.0009663374512456357, -5.166485789231956e-05, -0.0009337430819869041, 0.0006969405221752822, 0.002543963026255369, 0.0008914110367186368, -0.0012564252829179168, -0.0014758682809770107, -0.00018390206969343126, 0.0017169277416542172, 0.0007069686544127762, 0.0007874620496295393, 0.001732334611006081, 0.0010440957266837358, 0.0003121109039057046, 0.000243653790676035, 0.002579576103016734, 0.0034709665924310684, -0.00018082775932271034, -0.0013003810308873653, 0.0004085470864083618, 0.00028273568022996187, 0.0004235676024109125, -0.0003252955502830446, -0.0007270112400874496, 0.0004750800144392997, -0.0005872815381735563, -0.001105325180105865, -0.0009954216657206416, -0.0005367895355448127, 0.0011700571049004793, 1.4938217645976692e-05, -0.0022083993535488844, -0.001215397845953703, 0.00039346711128018796, 0.0004229402111377567, 4.507746416493319e-05, -0.00030061500729061663, 0.0018840112024918199, 0.001962322974577546, -5.577913179877214e-05, 0.00045100992429070175, 0.0012333046179264784, 0.001273036003112793, 0.00030808724113740027, -0.0002361660444876179, 0.0006357076927088201, -3.589672996895388e-05, -0.001360907219350338, -0.001155300298705697, -0.000628079695161432, 0.0004951338632963598, 0.00017239461885765195, -0.000987854553386569, -0.0009298467193730175, -0.0004995901836082339, 0.000432296161307022, 0.0009942471515387297, 0.0009204719099216163, 0.001962755573913455, 0.0020453992765396833, 0.0011976411333307624, 0.0023236479610204697, 0.0030236518941819668, 0.004211332183331251, 0.0036766587290912867, 0.0020782891660928726, 0.0021719515789300203, 0.001534301438368857, 0.0012348390882834792, 0.0007399400346912444, -0.0013547376729547977, -0.0012100544990971684, -0.0012149011017754674, -0.0031216249335557222, -0.002457482274621725, -0.002325360430404544, -0.002746438607573509, -0.003275135299190879, -0.0038028752896934748, -0.002072993665933609, -0.002122707897797227, -0.002004889538511634, -2.5096896933973767e-05, 0.00023647923080716282, -0.0006158320466056466, -0.00010576826753094792, 0.0005829386645928025, 0.0012370907934382558, 0.0008166404440999031, -0.00011396646004868671, 0.0002686017251107842, 0.0004454295849427581, 0.0006723416154272854, 0.0003560578916221857, 0.00032976517104543746, 0.0013265309389680624, -0.0006845417083241045, -0.0019270506454631686, -0.0005158603889867663, -0.00011500616528792307, 0.0008610469521954656, -0.00047049648128449917, -0.0024818903766572475, -0.0003238906792830676, -5.534503725357354e-05, -0.0008645477355457842, 0.00045550373033620417, 0.0008624668116681278, 0.001731241587549448, -0.00020480692910496145, -0.001242405385710299, 0.0019253265345469117, 0.002299767453223467, 0.0010121939703822136, 0.0001781132014002651, -6.880614091642201e-05, 0.001353312749415636, 0.0010877331951633096, -0.0006929055089130998, -0.0004850863479077816, -0.00025352821103297174, -0.0004033220175188035, -0.0006258171051740646, -0.001594366505742073, -0.0002026857400778681, 0.0012095790589228272, 0.0003508905356284231, 0.0002801344671752304, 0.0016871943371370435, 0.002821811009198427, 0.002217881614342332, 0.0008644009358249605, 0.0011607069754973054, 0.0029412151779979467, 0.002645829925313592, 0.0012535430723801255, -0.00023608461196999997, -0.0005556091200560331, 0.00034885405329987407, 0.0007084577227942646, 0.00017023271357174963, -0.0005385407712310553, -0.0004900006460957229, -0.0006209445418789983, -0.000819893553853035, -0.0004372719849925488, 0.0005810467409901321, 0.0004228187899570912, -7.384611672023311e-05, -0.0003236236807424575, 0.0005127930198796093, 0.0011896886862814426, 0.000988628133200109, 0.0013985044788569212, 0.0009131651022471488, 0.00042069319169968367, 0.0012921071611344814, 0.000960893405135721, 0.0003484449116513133, 0.00027523256721906364, 0.0001057798508554697, 0.0008558661793358624, 0.0003910210507456213, -0.0006758340168744326, -0.00029632242512889206, 5.892073022550903e-05, 0.0004526473639998585, 0.0008842843235470355, -6.95525377523154e-05, 0.0010016909800469875, 0.0015434466768056154, 0.00027084260364063084, 0.00042513670632615685, 0.0009539977181702852, 0.001644359901547432, 0.001739535597153008, 0.00020903530821669847, 0.00038570165634155273, 0.001019214396364987, 0.0007165108690969646, 0.0007274321396835148, 0.00036289083072915673, 0.0006028973148204386, -2.314307721462683e-06, -0.0003886656486429274, 0.00012691655138041824, 0.0017975117079913616, 0.001650786492973566, 0.0002323935623280704, -0.0007022480713203549, -0.0005409139557741582, 9.31041213334538e-05, 9.00946106412448e-05, 7.422002090606838e-05, 0.0003867603081744164, 2.0722594854305498e-05, -0.00019323498418089002, 0.0004092211020179093, 0.0010066364193335176, 0.0017041533719748259, 0.0008599997963756323, 0.0003934105334337801, 9.985355427488685e-05, -0.0003089600650127977, 0.0004009318072348833, 0.0009395910892635584, 0.00018294452456757426, -0.0006299661472439766, -0.0005592830711975694, -0.0006558426539413631, -0.0008769656997174025, -0.0004042138170916587, -0.00025681531406007707, -0.0006188929546624422, -0.0007762229652144015, -0.00016795443661976606, 0.0010032214922830462, 0.0005265171057544649, 0.00042817197390832007, 0.0009321175166405737, 0.0006346277659758925, 0.00032506443676538765, -0.0005210113013163209, -0.0007012650021351874, -0.0011665759375318885, -0.0013086969265714288, -0.0005081385024823248, 6.542805203935131e-05, -0.0009325838764198124, -0.002399550983682275, -0.0017870542360469699, -0.00015774864004924893, 0.0003690189332701266, -0.0006176622700877488, -0.0010871897684410214, -9.349521860713139e-05, 0.0003807852044701576, -0.0003859848075080663, 0.00020118850807193667, 0.0010186886647716165, 0.0007143671973608434, -0.0004718501877505332, -0.0014699391322210431, 9.701343515189365e-05, 0.0007679823902435601, -0.001290655811317265, -0.00212643900886178, -0.001405672519467771, -0.00035968655720353127, -0.00121862452942878, -0.0023349595721811056, -0.001314240857027471, -0.0009376195375807583, -0.0016062335344031453, -0.002313501900061965, -0.002257065149024129, -0.0009213453158736229, -0.0017462229589000344, -0.0035569355823099613, -0.0028182142414152622, -4.8951635108096525e-05, 0.00044069369323551655, -0.0013158362125977874, -0.002235118066892028, -0.0009536996367387474, -0.00013818433217238635, -0.0004589868476614356, -0.0002551166689954698, -0.0001660175039432943, -0.0008363774977624416, -0.0012015987886115909, -0.0012564698699861765, -0.0009299146477133036, 1.0395035133115016e-05, -0.0002507983008399606, -0.0012467666529119015, -0.002019377425312996, -0.0010822382755577564, -0.000223788054427132, -0.0013469281839206815, -0.001796034281142056, -0.0011388356797397137, -0.0009222211665473878, -0.0010106137488037348, -0.00041166384471580386, -0.00013313636009115726, -6.241357914404944e-05, -0.000709438172634691, -0.0009462141315452754, -0.0006393085932359099, 0.00034370453795418143, 0.00020345780649222434, -0.0012750348541885614, -0.0018733922624960542, -0.001365893054753542, -0.0007932068547233939, -0.0009898449061438441, -0.00095011928351596, -0.0015170654514804482, -0.0016712361248210073, -0.001365628675557673, -0.0010193954221904278, -0.0012671475997194648, -0.0017721758922562003, -0.0017163701122626662, -0.0015678220661357045, -0.0016496663447469473, -0.0011206214549019933, -0.0014626323245465755, -0.0020997042302042246, -0.001798720215447247, -0.0012880722060799599, -0.0008694385178387165, -0.0017532773781567812, -0.0020271986722946167, -0.0018406120361760259, -0.0019155360059812665, -0.0012714171316474676, -0.0010931706055998802, -0.001400649081915617, -0.0018195047741755843, -0.002011968521401286, -0.0022254593204706907, -0.0014751112321391702, -0.00017815895262174308, -0.0007305944454856217, -0.001510788919404149, -0.0015342775732278824, -0.000756382942199707, -1.8013613953371532e-05, -0.000794453255366534, -0.000717046030331403, -0.0005260906764306128, -0.0011784170055761933, -0.0011519523104652762, -0.00045341652003116906, 1.8381664631306194e-05, -0.0004686391039285809, -0.0012704564724117517, -0.0006917085847817361, 2.5563440431142226e-06, -0.00025882560294121504, -0.0005886245635338128, -0.0005480128456838429, -0.0005755617748945951, -0.0007127586868591607, -0.0003683968388941139, -6.144864892121404e-05, -0.0004743823374155909, -0.0006265834090299904, -0.0007165566785261035, -0.00021111831301823258, 0.0005976020474918187, 0.00043869149521924555, 0.000698812014888972, 0.000770163198467344, 0.000305433408357203, 0.000433259061537683, 0.0010943078668788075, 0.0005219943705014884, -0.0009694125619716942, -0.0009718387736938894, -0.00030062455334700644, -0.0001472049771109596, -0.0011194917606189847, -0.001413240795955062, -0.0010527949780225754, -0.0013790313387289643, -0.0017583611188456416, -0.0021794105414301157, -0.0008533891523256898, -0.0004960506921634078, -0.0011219914304092526, -0.0011653739493340254, -0.00021693705639336258, 0.00038810831028968096, -0.0006045502959750593, -0.0009124951320700347, 0.00012324370618443936, -0.00014821297372691333, -0.0010439021280035377, -0.0014641936868429184, -0.001302501535974443, -0.0009431779035367072, -0.001727340859360993, -0.0022366377525031567, -0.0019832502584904432, -0.0017565781017765403, -0.0019515164894983172, -0.002188848564401269, -0.0026262057945132256, -0.0026162536814808846, -0.001664495561271906, -0.001228769775480032, -0.0013048695400357246, -0.0012254200410097837, -0.0007957392954267561, 0.00010785625636344776, 0.0002689145621843636, 4.4718763092532754e-07, 0.0008771001012064517, 0.0006274314946494997, -0.00014428053691517562, -0.0005635058041661978, 0.00034798565320670605, 0.001215980970300734, 2.3682629034738056e-05, -0.0007567628053948283, 4.875820377492346e-05, 7.096431363606825e-05, -0.00037114674341864884, -0.0008018313092179596, -0.0004940821672789752, -0.0006542796618305147, -0.0013923574006184936, -0.0010957015911117196, -0.0002772679436020553, 0.0005538381519727409, 0.00023057812359184027, -0.0007716302061453462, -0.000669289322104305, 0.0003611915453802794, 0.0010474579175934196, 0.0007781939348205924, 0.0007891241693869233, 0.0015683325473219156, 0.0013120343210175633, 0.0008731799316592515, 0.0012828598264604807, 0.001711841206997633, 0.0017345082014799118, 0.0012618991313502192, 0.0008659430895932019, 0.0006797410896979272, 0.0005986759788356721, 0.0002588428615126759, 0.00015780763351358473, -0.00021886809554416686, -0.00039261847268790007, -0.0003257430507801473, -0.0006617389735765755, -0.0008304473012685776, -0.0006164631922729313, 3.347039091750048e-05, -0.00016982424131128937, -0.0005263916682451963, -0.0001589581952430308, 0.0004830666584894061, 0.00029539407114498317, 0.0002724063233472407, 0.00031379988649860024, 0.00017655106785241514, -0.00012581092596519738, -0.0006864736787974834, -0.0004534992331173271, 0.0003405102761462331, 0.0003744636196643114, -0.00025417018332518637, -0.0002573982928879559, 0.0007753190002404153, 0.0010954402387142181, 0.0006798173417337239, 0.00039401903632096946, 0.0012142409104853868, 0.0017766322707757354, 0.0010216269874945283, 0.0011974516091868281, 0.0018860675627365708, 0.0021847961470484734, 0.0012579805916175246, 0.0004229192272759974, 0.00129305524751544, 0.0017975970404222608, 0.0012864108430221677, 0.0005534702795557678, 0.0005074119544588029, 0.001140064443461597, 0.0008558942354284227, 0.0006260268273763359, 0.0004120151570532471, 0.0009235183242708445, 0.0010276319226250052, 0.0004057556507177651, 0.0004549333534669131, 0.0010454681469127536, 0.0014720135368406773, 0.0010119775542989373, 0.0007515615434385836, 0.0014658166328445077, 0.002275667153298855, 0.0019273062935099006, 0.0010735017713159323, 0.001409862539730966, 0.0024259190540760756, 0.0023207240737974644, 0.0013792687095701694, 0.0009816499659791589, 0.0010524330427870154, 0.0006617344915866852, 0.00017238913278561085, 0.00023152293579187244, 0.00021339571685530245, -0.00018567890219856054, -0.0005347085534594953, -0.000300258252536878, 0.0004091113223694265, 0.0007047442486509681, 0.0003358561370987445, 0.00030737914494238794, 0.0009301616810262203, 0.0012512927642092109, 0.0013016443699598312, 0.0011210526572540402, 0.000526351504959166, 0.0005962642026133835, 0.0010748924687504768, 0.0006663262029178441, 0.0002607390924822539, 0.00043162881047464907, 0.0006895154365338385, 5.968105688225478e-05, -8.803371747490019e-05, 0.0009964361088350415, 0.0009515605052001774, -0.00012184134538983926, -0.00042021137778647244, 0.00037550702109001577, 0.000855959951877594, 0.0004946293774992228, 0.00035148687311448157, 0.0006343105924315751, 0.0007970790029503405, 0.0009733510669320822, 0.0014165446627885103, 0.001868335995823145, 0.002066415036097169, 0.0013413903070613742, 0.0013262173160910606, 0.002002282999455929, 0.0020119694527238607, 0.00135238457005471, 0.0005561026628129184, 0.0007734800456091762, 0.0007949640857987106, 0.0004671430215239525, 0.0002534778614062816, 0.0003539994650054723, 0.00030192427220754325, 0.00033954839454963803, 0.0002370036527281627, 0.0004658182442653924, 0.0009800262050703168, 0.0008335411548614502, 0.0005588158965110779, 0.0009276157361455262, 0.001337349065579474, 0.0017273053526878357, 0.0011346334358677268, 0.0009554356220178306, 0.0013554986799135804, 0.001611552550457418, 0.0013077679323032498, 0.0008401310187764466, 0.000895476492587477, 0.00031022095936350524, -5.860872988705523e-05, -0.00014804286183789372, 5.493867502082139e-05, -0.0003579570329748094, -0.0008001780952326953, -0.0007832613191567361, -0.0008353472221642733, -0.0004329883959144354, -1.998688094317913e-05, 0.0002973845403175801, 0.00023086073633749038, 0.00024468492483720183, 0.0008031337056308985, 0.0014133478980511427, 0.0015795525396242738, 0.00101716339122504, 0.0008390683797188103, 0.0006529741222038865, 0.0005519540864042938, 0.000780341390054673, 0.000814690487459302, -0.00013058034528512508, -0.0009939158335328102, -0.0012064779875800014, -0.0006171523127704859, -0.0007881071069277823, -0.0012868174817413092, -0.001090782112441957, -0.0009532443364150822, -0.000934584706556052, -0.0006200174102559686, -2.376809061388485e-05, -2.2966714823269285e-05, -0.0003556045121513307, -0.0001272677181987092, 0.0002585951879154891, 0.0004628908063750714, 0.0004945173277519643, 0.00010955643665511161, 0.00030311718001030385, 0.0005566919571720064, 0.0003866387123707682, 0.0002267076779389754, 0.00034582108492031693, 0.00038600186235271394, -4.2165709601249546e-05, -0.00023736809089314193, -1.6263635188806802e-05, -8.23977607069537e-05, -9.291319292970002e-05, -0.000496435328386724, -0.0005648009828291833, -0.00042240912443958223, -0.0002767612168099731, -0.0002636334393173456, -0.0005378404748626053, -0.0005332343862392008, -0.00011299503239570186, 0.0002743613731581718, 3.6132489185547456e-05, -7.209659815998748e-05, 0.000477610738016665, 0.0001751510426402092, -0.00028737724642269313, -7.0115602284204215e-06, 0.00036809686571359634, -1.2412447176757269e-05, -0.00037063262425363064, -0.00046212051529437304, 0.00015966917271725833, 0.0002485848672222346, -0.00020040471281390637, -0.0001887849939521402, -0.0001406049996148795, -0.0001392672274960205, -0.0005531364004127681, -0.0004864131042268127, -0.00041215456440113485, -0.00044090463779866695, -0.0009151776903308928, -0.0008782254881225526, -0.0008080160478129983, -0.0007144590490497649, -0.0004635723016690463, -0.0006215861649252474, -0.0006509614759124815, -0.00027120072627440095, 7.729080971330404e-05, -0.00014583537995349616, -0.0005769671406596899, -0.00043639735667966306, -5.741807763115503e-05, -0.0004957253695465624, -0.0007801282336004078, -0.0006792041240260005, -0.00044801365584135056, -0.0009067784412764013, -0.0011573642259463668, -0.000679188990034163, -0.00032581546111032367, -0.0006201552459970117, -0.0008517228998243809, -0.0003445047477725893, -0.00011133446969324723, -0.00042298249900341034, -0.0005904626450501382, -0.0004619632090907544, -0.0003609614504966885, -0.0006017447449266911, -0.0005691159749403596, -0.00022392459504771978, -0.0002503494033589959, -0.00023383683583233505, -0.00029710258240811527, -0.00025269153411500156, -3.979743269155733e-05, -0.0003408534685149789, -0.000362705672159791, -0.0002204010379500687, -0.0003256697964388877, -0.0005708727985620499, -0.0008307158714160323, -0.0008670832612551749, -0.0009588840766809881, -0.0010239609982818365, -0.0007370940875262022, -0.0006363020511344075, -0.0007971217855811119, -0.0009320953395217657, -0.0007500078063458204, -0.00037659142981283367, -0.00040943652857095003, -0.0005995391984470189, -0.000509751436766237, -0.00017846084665507078, -0.00029602606082335114, -0.0005201331805437803, -0.00034234055783599615, -0.00028857856523245573, -0.000592787575442344, -0.0008789058774709702, -0.0008846368291415274, -0.0004911253927275538, -0.0006646442343480885, -0.0011213250691071153, -0.0010053477017208934, -0.0009600541670806706, -0.0010431550908833742, -0.0012540518073365092, -0.0012478041462600231, -0.0011538738617673516, -0.0012184957740828395, -0.0014096646336838603, -0.0011382447555661201, -0.0005993709783069789, -0.0007426729425787926, -0.0007898996118456125, -0.0004880722553934902, -0.0002430997119517997, -7.078731869114563e-05, -0.00024881213903427124, -9.501224849373102e-05, -0.000123492325656116, -0.0002862711844500154, -0.0005328705883584917, -0.0003318536328151822, -0.0003280055243521929, -0.00048294829321093857, -0.0006732125184498727, -0.00055612315190956, -0.0003891418455168605, -0.00050328578799963, -0.0006162931676954031, -0.0004907081020064652, -0.0004031772550661117, -0.0004945575492456555, -0.0003453083918429911, -0.00034779601264744997, -0.000626753200776875, -0.000772124738432467, -0.000746389792766422, -0.0005407241987995803, -0.0004910670686513186, -0.000751882791519165, -0.0004511037841439247, -0.0005042380071245134, -0.00032443454256281257, -0.00024854173534549773, -0.00022756018734071404, -0.0003560987825039774, -0.0004568030999507755, -0.0004760876763612032, -0.0005173453828319907, -0.0007224188884720206, -0.0008772105211392045, -0.0008199677104130387, -0.0009701134986244142, -0.0011528970208019018, -0.0010526964906603098, -0.0009466297342441976, -0.0010330530349165201, -0.00095841329311952, -0.0008276936714537442, -0.0004637381061911583, -0.0005527680623345077, -0.0007733970414847136, -0.000793522282037884, -0.0007159973029047251, -0.0006720917881466448, -0.0008046104921959341, -0.0007098603527992964, -0.0002882574044633657, -0.0003263383114244789, -0.0007362720207311213, -0.000517627689987421, -0.00044163319398649037, -0.0005893956986255944, -0.0007546191336587071, -0.000760195660404861, -0.00054990901844576, -0.000642350991256535, -0.0007320863660424948, -0.0006096527213230729, -0.0004678659315686673, -0.0003690674202516675, -0.0004937795456498861, -0.0006752497865818441, -0.000523186638019979, -0.0003157003957312554, -0.0001342233590548858, -0.0002579525753390044, -0.00041486439295113087, -0.0005116749089211226, -0.0003901555319316685, -0.0002795954351313412, -0.00024451923673041165, -0.00016687098832335323, -0.00030142246396280825, -0.0004345085471868515, -0.000572731310967356, -0.0003298026858828962, -0.00027844568830914795, -0.0004070135182701051, -0.0004682548751588911, -0.00046511960681527853, -0.0003747632435988635, -0.00020313596178311855, -0.00015969021478667855, -4.410043766256422e-05, -4.823131894227117e-05, -0.00011442363756941631, -0.00021883482986595482, -8.691192488186061e-05, 0.00031130490242503583, -1.8004988078246242e-06, 4.531546073849313e-05, 7.290217763511464e-05, -0.00010193839989369735, 0.00010314873361494392, -0.00012559520837385207, -8.765804523136467e-05, 2.0702816982520744e-05, -0.00045299515477381647, -0.0004526495176833123, -0.0003214611788280308, -0.000525867217220366, -0.0005597175913862884, -0.0003928524092771113, -0.0004829129611607641, -0.0006842901348136365, -0.0006698350189253688, -0.0007457476458512247, -0.0008702509221620858, -0.0007219236576929688, -0.0006978419842198491, -0.0005536535754799843, -0.0005911046755500138, -0.0004861118213739246, -0.00039918679976835847, -0.0003020124859176576, -0.00025990940048359334, -0.00015802329289726913, -0.00023627071641385555, -0.00017273965931963176, -0.00014685853966511786, -6.667151319561526e-05, 7.583973911096109e-07, -4.118956348975189e-05, 0.00012773442722391337, 0.00014518816897179931, 0.00022501226339954883, 0.0002015812206082046, 0.00034957146272063255, 0.0005276507581584156, 0.000535407627467066, 0.00041777786100283265, 0.000363109284080565, 0.00030964799225330353, 0.0002915866789408028, 0.00036469395854510367, 0.00018782673578243703, 0.00017806439427658916, 0.00035086978459730744, 0.00037209008587524295, 0.00021541393653023988, 0.0003979455796070397, 0.0005257211741991341, 0.0003658053756225854, 0.0005459845997393131, 0.0007150955498218536, 0.0008261697366833687, 0.0008272886043414474, 0.0008938586106523871, 0.0008783331722952425, 0.0007583571714349091, 0.0006447409396059811, 0.0004530108708422631, 0.0005020277458243072, 0.0006300186505541205, 0.0006228408892638981, 0.0003611811844166368, 0.00038495013723149896, 0.000451936706667766, 0.0003627548285294324, 0.0003785680455621332, 0.0005149983917362988, 0.00044575019273906946, 0.00023529150348622352, 0.00014784117229282856, 0.00017594722157809883, 0.0002363397361477837, 0.00019162641547154635, 0.00021897155966144055, 0.00011791335418820381, 0.00017681386088952422, -1.1989443919446785e-05, -3.583105717552826e-05, 7.075544272083789e-05, -9.301804675487801e-05, 6.808796024415642e-05, 4.9197147745871916e-05, -4.295387043384835e-05, -0.00019508335390128195, -0.0001537691568955779, -0.00021772929176222533, -0.00029636986437253654, -0.000181618714123033, 0.00011528870527399704, 0.0001380040921503678, 3.337330781505443e-05, 8.20282002678141e-05, 0.0001230094494530931, 6.351003776217112e-06, -0.00018755004566628486, -0.00011031544272555038, -0.00021810136968269944, -0.00019279791740700603, -0.00028953421860933304, -0.0004270474018994719, -0.0003737274091690779, -0.00030849510221742094, -0.00024527651839889586, -0.0001220962731167674, -0.00024221955391112715, -0.00037834406248293817, -8.083086868282408e-05, -0.00021399062825366855, -0.00039836092037148774, -0.00021427484170999378, -0.00018373005150351673, -9.068297367775813e-05, -4.456048191059381e-05, -0.00016264764417428523, -0.00022019892639946193, -0.00020883974502794445, -6.811889033997431e-05, -7.615130016347393e-05, -0.00012441660510376096, -4.0453429392073303e-05, -0.00011414233449613675, -0.00018416144303046167, 7.047689723549411e-05, 8.920022082747892e-05, 0.00010341020970372483, -2.81073971564183e-05, -3.588942490750924e-05, 0.0001961396192200482, 0.0004761051095556468, 0.00030567272915504873, 0.0003701293026097119, 0.0005651680985465646, 0.0004754676192533225, 0.0005903760902583599, 0.0007918026531115174, 0.0006838125409558415, 0.0004747790808323771, 0.00045729309204034507, 0.00030327693093568087, 0.00033975369296967983, 0.0003232565359212458, -6.931921961950138e-05, 4.760270530823618e-05, 0.00024103901523631066, 0.0003057600697502494, 0.00038058776408433914, 0.0005682241753675044, 0.0006567140226252377, 0.0007726940675638616, 0.0005329518462531269, 0.000601490493863821, 0.0005130578647367656, 0.0007031707791611552, 0.000571075885090977, 0.0003779185935854912, 0.00012876880646217614, -0.00015677203191444278, 4.516589979175478e-05, 8.851689199218526e-05, 7.637171074748039e-05, 0.0001493744202889502, 0.00023799810151103884, 0.000358059216523543, 0.00020855308684986085, 0.0004658921679947525, 0.0004279455461073667, 0.000213253078982234, 0.00021894417295698076, 3.699544322444126e-05, 0.00011718700989149511, 4.227451063343324e-05, 5.251216407486936e-06, 5.232651892583817e-05, 0.00016045091615524143, 0.00031086590024642646, 0.000456460373243317, 0.0006346204318106174, 0.0005208641523495317, 0.0006334299687296152, 0.0006343804416246712, 0.0006927365902811289, 0.0007518872735090554, 0.0006569783436134458, 0.000417822040617466, 0.0006280571687966585, 0.0006822245777584612, 0.0006439222488552332, 0.0006606376264244318, 0.0005979087436571717, 0.0005726714734919369, 0.0005810830625705421, 0.0005401492235250771, 0.0006281020469032228, 0.0006455547991208732, 0.000574349018279463, 0.0006523471674881876, 0.0005696503794752061, 0.000757394649554044, 0.0006849911296740174, 0.0006125164800323546, 0.0007051966385915875, 0.0007056901231408119, 0.0006801194977015257, 0.0005822143866680562, 0.0006399046978913248, 0.0005410728044807911, 0.0004631753545254469, 0.00027346823480911553, 0.00023926961875986308, 0.0002448457235004753, 4.066941619385034e-05, 0.00011192628153366968, -0.0001108875367208384, -7.011393608991057e-05, 2.6255254852003418e-05, 1.453857112210244e-05, 5.8238987548975274e-05, 0.00023707111540716141, 0.0002250827819807455, 0.00034837782732211053, 0.0004058398772031069, 0.0003336255613248795, 0.00014409453433472663, 0.0003822643484454602, 0.0006880477303639054, 0.000633531017228961, 0.0004303747264202684, 0.0001846596715040505, 0.0004966614069417119, 0.0004509334685280919, 0.0003922831965610385, 0.0005752612487412989, 0.0006835255189798772, 0.0008463248377665877, 0.0008707917295396328, 0.0007896991446614265, 0.0008587174233980477, 0.0008016214706003666, 0.000412139983382076, 0.00040180145879276097, 0.0006500982563011348, 0.0006299936794675887, 0.00057479168754071, 0.0007944094249978662, 0.0009574255091138184, 0.000922327337320894, 0.0008165205945260823, 0.0010877321474254131, 0.0013213272904977202, 0.001174920704215765, 0.00112378119956702, 0.0010936879552900791, 0.0010400208411738276, 0.0011404778342694044, 0.0010737786069512367, 0.0012153428979218006, 0.0012958222068846226, 0.0014068124582991004, 0.001450571697205305, 0.0014428433496505022, 0.0016116010956466198, 0.0014803475933149457, 0.0014586681500077248, 0.0015197491738945246, 0.0014641055604442954, 0.0014165866887196898, 0.0016046823002398014, 0.0015864904271438718, 0.0013742754235863686, 0.0011750963749364018, 0.0011673872359097004, 0.001154852332547307, 0.000882719352375716, 0.0008462324622087181, 0.001056356355547905, 0.0009625444654375315, 0.001163556007668376, 0.001077185501344502, 0.0009794473880901933, 0.001014639507047832, 0.0011112302308902144, 0.0009782279375940561, 0.0009412101935595274, 0.0009452791418880224, 0.0011099167168140411, 0.0010864493669942021, 0.001015812624245882, 0.0009628047118894756, 0.000992504763416946, 0.0010665742447599769, 0.0009164733346551657, 0.0011250498937442899, 0.0009677205816842616, 0.0009237988269887865, 0.000897322956006974, 0.000853650039061904, 0.000837845029309392, 0.0007138859946280718, 0.0007715530227869749, 0.0008662385516799986, 0.0007114699692465365, 0.0007764730253256857, 0.0009719857480376959, 0.0008002788526937366, 0.0008623286266811192, 0.0008572054211981595, 0.0007050164858810604, 0.00066751817939803, 0.0005966265453025699, 0.0006597493775188923, 0.0006870690267533064, 0.0007438658503815532, 0.0007922158110886812, 0.0007121312664821744, 0.0008222978212870657, 0.0007979427464306355, 0.0008873914484865963, 0.0008316462626680732, 0.0008934159413911402, 0.000720683834515512, 0.0007550257141701877, 0.0007757358835078776, 0.0005211620591580868, 0.0005208589718677104, 0.0003907047212123871, 0.0002290992415510118, 0.00012556235014926642, 6.0407986893551424e-05, 8.460421668132767e-06, -0.00014806007675360888, -0.0001404512149747461, -2.4369630409637466e-05, 1.6222940757870674e-05, 0.00011000407539540902, -5.253811650618445e-06, 0.0002291070850333199, 0.0004224151198286563, 0.0004919007769785821, 0.0006681305821985006, 0.00044540694216266274, 0.0005493491771630943, 0.000718839350156486, 0.0007410307298414409, 0.0005310100386850536, 0.0005940408445894718, 0.0003896268317475915, 0.0002211694954894483, 0.00027892179787158966, 0.00019804532348643988, 0.000217150678508915, 0.0002682079211808741, 8.429142326349393e-05, 0.00018412158533465117, 0.0004005452210549265, 0.0005874224007129669, 0.0005976152024231851, 0.0007369500817731023, 0.000678780023008585, 0.000484731252072379, 0.0006264306721277535, 0.0005721281631849706, 0.0006098639569245279, 0.0006699333316646516, 0.0006698474753648043, 0.000653306778986007, 0.0005919120158068836, 0.0006614832673221827, 0.0007627850864082575, 0.0008913417696021497, 0.0006221539806574583, 0.0005393418832682073, 0.0005027534207329154, 0.0003731249598786235, 0.00044740806333720684, 0.00022176223865244538, 4.0719733078731224e-05, 0.00021408945030998439, 0.00027142048929817975, 6.742605910403654e-05, 4.490645369514823e-05, -2.901341395045165e-05, -7.804439519532025e-05, -0.00013240569387562573, -9.812623466132209e-05, -0.00012760961544699967, -0.00022941443603485823, -0.00033890162012539804, -0.0003190178831573576, -0.0004572127072606236, -0.0005339066265150905, -0.0005264576757326722, -0.0006578598986379802, -0.0005906247533857822, -0.0006227822159416974, -0.000705355720128864, -0.0008581069414503872, -0.0008591404184699059, -0.0007424048963002861, -0.0005450591561384499, -0.0006457401323132217, -0.0007094382890500128, -0.0006121355690993369, -0.0005788669805042446, -0.00034876802237704396, -0.00019399102893657982, -0.0002526247699279338, -0.00019167887512594461, 9.04082553461194e-05, 4.301671651774086e-05, 1.6213240087381564e-05, 0.00013062577636446804, -0.00016166569548659027, -0.0004047105903737247, -0.000414823618484661, -0.0004913535085506737, -0.0004997908254154027, -0.0005417508073151112, -0.0004791082756128162, -0.0005113743827678263, -0.0005295572918839753, -0.0006272256141528487, -0.0005561216385103762, -0.0005424599512480199, -0.0005034005152992904, -0.0003592892608139664, -0.00033311720471829176, -0.00021500214643310755, -0.0001658095425227657, -0.000347114255419001, -0.0005168357165530324, -0.0005145788309164345, -0.0004263072623871267, -0.0005359837668947875, -0.00029280982562340796, -0.0005961436545476317, -0.0007031874265521765, -0.0007657485548406839, -0.0007597510702908039, -0.0007005658117122948, -0.0008255588472820818, -0.0009205744718201458, -0.000871363386977464, -0.0009416924440301955, -0.0008721014601178467, -0.0009108898811973631, -0.0009167787502519786, -0.0007880798657424748, -0.0008040230022743344, -0.0007082830998115242, -0.0007401808397844434, -0.0008450057357549667, -0.0008327409159392118, -0.0008822084055282176, -0.0010285087628290057, -0.0009485174086876214, -0.000942162296269089, -0.0008341252105310559, -0.0009406955796293914, -0.00107522530015558, -0.001135132391937077, -0.0011426281416788697, -0.0012162880739197135, -0.0009991662809625268, -0.0009504894842393696, -0.001230569207109511, -0.0012509934604167938, -0.0013367667561396956, -0.0014274511486291885, -0.001542578567750752, -0.0015190166886895895, -0.0015424421289935708, -0.0015341618563979864, -0.0016686959424987435, -0.0016998094506561756, -0.0016763154417276382, -0.001686250208877027, -0.001658353372476995, -0.0016836296999827027, -0.0016194619238376617, -0.0015436152461916208, -0.001501412596553564, -0.0012770830653607845, -0.001394519000314176, -0.001398269203491509, -0.0014578726841136813, -0.0014524715952575207, -0.0013364746700972319, -0.0011223888723179698, -0.000801362213678658, -0.0009407715406268835, -0.0009089233935810626, -0.000898859289009124, -0.0010081030195578933, -0.0008130778442136943, -0.0007735594408586621, -0.0007895531598478556, -0.0010037575848400593, -0.00105948094278574, -0.0009246731642633677, -0.0008465820574201643, -0.0007913061999715865, -0.0009127282537519932, -0.0010730099165812135, -0.0010378790320828557, -0.0009371539927087724, -0.0009458858403377235, -0.0008650916279293597, -0.0008272777777165174, -0.0007437087479047477, -0.0008241083705797791, -0.0008424051920883358, -0.0007331327069550753, -0.0009291144087910652, -0.0008621113956905901, -0.0009690811857581139, -0.0008969414047896862, -0.0005995024694129825, -0.0006889367941766977, -0.0008504636934958398, -0.0005752709112130105, -0.0005034967907704413, -0.0007121088565327227, -0.00041971661266870797, -0.0005319458432495594, -0.0007250076159834862, -0.0006172203575260937, -0.0007004189537838101, -0.0008975550881586969, -0.0010183487320318818, -0.0010298057459294796, -0.0009531925898045301, -0.0005239814636297524, -0.0007125022821128368, -0.00043043470941483974, -0.0002831488964147866, -0.00035298443981446326, -0.00036355212796479464, -0.0005704992800019681, -0.000588294118642807, -0.000551797216758132, -0.00039595880662091076, -0.0006181560456752777, -0.0004898416809737682, -0.0005859358352608979, -0.0006136927986517549, -0.0005563136073760688, -0.0006922208704054356, -0.0006688557332381606, -0.0007101274677552283, -0.0006451429799199104, -0.0006014025420881808, -0.0007778853178024292, -0.0006905843620188534, -0.0006704312982037663, -0.000733054184820503, -0.0007933262386359274, -0.0008339770138263702, -0.0006993547431193292, -0.0005937516689300537, -0.00041522018727846444, -0.00031054328428581357, -0.0003453379904385656, -0.0003027251805178821, -0.00041740655433386564, -0.0004902320797555149, -0.00048493818030692637, -0.0004989817389287055, -0.0005404049879871309, -0.0006409669877029955, -0.0007436390733346343, -0.0006592973950318992, -0.000764612399507314, -0.0007421016925945878, -0.0007328952196985483, -0.0007016127929091454, -0.0005000900127924979, -0.00031409048824571073, -0.00044863088987767696, -0.0004098271601833403, -0.00020377023611217737, -0.000163054937729612, -0.00027969354414381087, -0.00036421383265405893, -0.00031007907819002867, -7.575978816021234e-05, 6.40011639916338e-05, 9.17306388146244e-05, 0.00012344167043920606, -0.0001907413243316114, -0.00013218294770922512, -3.776265657506883e-06, -0.00012471531226765364, 9.520930325379595e-05, 8.741554484004155e-05, 5.6972261518239975e-05, 0.0002480126859154552, 0.00021640244813170284, 0.00016190898895729333, 6.145264342194423e-05, 0.00015151954721659422, 0.00010124409891432151, 9.299219527747482e-05, 0.00022908255050424486, 0.00027073596720583737, 0.00030230384436436, 0.00023050926392897964, 0.00027696823235601187, 0.0002616143610794097, 0.00036945598549209535, 0.00035112572368234396, 0.00027268187841400504, 0.0005075531080365181, 0.0006538755260407925, 0.0005387807032093406, 0.00044068056740798056, 0.0003787257883232087, 0.00030845566652715206, 0.00015734578482806683, 0.0002479619870427996, 0.00018745128181762993, 0.0001403412752551958, 0.00025061878841370344, 0.0002705421356949955, 0.0003147668030578643, 0.0001185567889478989, 0.00012973113916814327, 7.788730727043003e-05, -7.756298873573542e-05, -5.7950087466451805e-06, -8.545391756342724e-05, -0.00023846894328016788, -9.367433085571975e-05, 3.871856824844144e-05, -0.00019576717750169337, -0.00023319834144786, -0.00029595813248306513, -0.00018780760001391172, -0.0003143777430523187, -0.0003021364100277424, -0.0002918846730608493, 3.611240754253231e-05, -0.00013170517922844738, -7.683558214921504e-05, 7.089193240972236e-05, 0.00011715175787685439, 7.816663128323853e-05, 0.00020197869162075222, 0.00034297711681574583, 0.0003329626051709056, 0.00033622165210545063, 0.00021947453205939382, 0.0003232880844734609, 0.0004661553830374032, 0.000556234095711261, 0.0006433574599213898, 0.0005231914692558348, 0.00042285877862013876, 0.0002696413721423596, 0.0001722613233141601, 0.00014299835311248899, 0.00013265594316180795, 0.00011221814929740503, 5.888576924917288e-05, 3.499673766782507e-05, 8.556155080441386e-05, -6.07225410931278e-05, -0.00020546221639961004, -3.463742177700624e-05, -0.00023911466996651143, -0.0002815111365634948, -0.00015969053492881358, -0.0002134522219421342, -0.00013724238669965416, -0.00019245082512497902, -0.00022385244665201753, -0.0002942547725979239, -0.00017554190708324313, 0.0001569064479554072, 0.0002012191980611533, 0.00025576705229468644, 2.3752045308356173e-05, -5.2774161304114386e-05, -9.63798665907234e-05, -0.0001843661448219791, -0.0002571585064288229, -0.00020312903507146984, -0.0003494556585792452, -0.00037457665894180536, -0.0004369434609543532, -0.0004985200357623398, -0.0004093027382623404, -0.0006159095210023224, -0.0006893042009323835, -0.0006309511372819543, -0.0005959391128271818, -0.0005664925556629896, -0.000556941784452647, -0.0005969073972664773, -0.000799007888417691, -0.000895341916475445, -0.00083165179239586, -0.0008290053810924292, -0.0008305430528707802, -0.0008285234216600657, -0.0006666473345831037, -0.0006469616782851517, -0.000673554081004113, -0.0005337301408872008, -0.0006133757415227592, -0.000601014937274158, -0.0007915504393167794, -0.0009621137869544327, -0.0007753929239697754, -0.0008689520764164627, -0.0006876739789731801, -0.0006610854761675, -0.0005973399383947253, -0.0006922917091287673, -0.0006053725956007838, -0.0005437131621874869, -0.0006574256694875658, -0.0006903957691974938, -0.0007787051144987345, -0.00053108372958377, -0.0006393056828528643, -0.0008009388111531734, -0.000687098246999085, -0.0005999082932248712, -0.000757381843868643, -0.0007262943545356393, -0.0007691282662563026, -0.0008840911905281246, -0.000988037558272481, -0.0011259642196819186, -0.000942642567679286, -0.0010524558601900935, -0.0011798366904258728, -0.0010795785346999764, -0.0010505546815693378, -0.0009696895140223205, -0.0010486355749890208, -0.0010130868759006262, -0.0010820877505466342, -0.001088564982637763, -0.0010854181600734591, -0.0009976469445973635, -0.0007177619845606387, -0.0006365771405398846, -0.000950023764744401, -0.0010649296455085278, -0.0010798670118674636, -0.0012437764089554548, -0.0012011165963485837, -0.0010269001359120011, -0.0011429527075961232, -0.00112832710146904, -0.0007210240582935512, -0.0006057227728888392, -0.000794398074503988, -0.0007747113704681396, -0.0008303216891363263, -0.0009639303316362202, -0.0009871221845969558, -0.0009236867190338671, -0.0008491387125104666, -0.0007607571897096932, -0.0008574553648941219, -0.0007943683303892612, -0.0007374372216872871, -0.0007800480234436691, -0.0007963493699207902, -0.0007212036871351302, -0.0008398343343287706, -0.0006623596418648958, -0.0005514271324500442, -0.0005601179436780512, -0.0006744658458046615, -0.0010286454344168305, -0.0009114518761634827, -0.0008202190510928631, -0.0007858140161260962, -0.0007901876233518124, -0.0008733634022064507, -0.0009662683587521315, -0.0010910456767305732, -0.0009008285705931485, -0.0010862430790439248, -0.001237603952176869, -0.001173529657535255, -0.00110043294262141, -0.0010696060489863157, -0.0008469144813716412, -0.0007759552681818604, -0.0006601783097721636, -0.0004928791313432157, -0.0004131843743380159, -0.0002716536109801382, -0.00017771827697288245, -0.00042675138683989644, -0.0004283525049686432, -0.0005243861232884228, -0.00035484402906149626, -0.00017497403314337134, -0.000308620510622859, -5.814312680740841e-05, -9.348056482849643e-05, 0.00010161196405533701, 0.00022251818154472858, 0.0005412632599473, 0.0004950648290105164, 0.00033971943776123226, 0.00038576728547923267, 0.000469216494821012, 0.00039395742351189256, 0.00032127666054293513, 0.0004642559215426445, 0.00017240227316506207, 0.0002408014115644619, 6.618058978347108e-05, -1.4968736650189385e-05, 0.00024262907390948385, 0.0002925147127825767, 0.00010042986104963347, 0.0002845530689228326, 0.000542204303201288, 0.0005816512275487185, 0.0007856774609535933, 0.000828111544251442, 0.0008185996557585895, 0.0008469101157970726, 0.0009407829493284225, 0.0007569862646050751, 0.0006969231180846691, 0.0008997031836770475, 0.0009040369768626988, 0.0008071211050264537, 0.0006668468122370541, 0.0007507344125770032, 0.0008308194810524583, 0.0007809249218553305, 0.0007751894881948829, 0.0007319112773984671, 0.0005714555154554546, 0.0006114417337812483, 0.0006252494058571756, 0.0006551656406372786, 0.0005821691593155265, 0.0006963172345422208, 0.0007578167715109885, 0.0008681747131049633, 0.0009458477143198252, 0.0010412716073915362, 0.0011564367450773716, 0.0011432821629568934, 0.0012126375222578645, 0.0013538055354729295, 0.0012198073090985417, 0.001221217680722475, 0.0011550175258889794, 0.0009366527083329856, 0.0010094187455251813, 0.0009501376189291477, 0.0008786416728980839, 0.0009328715386800468, 0.0008139636483974755, 0.0007430457044392824, 0.0008396359626203775, 0.0007415281725116074, 0.0009103651391342282, 0.0008987394976429641, 0.0009474849211983383, 0.0010634080972522497, 0.0011596048716455698, 0.0010196423390880227, 0.001195430289953947, 0.0012900831643491983, 0.0014046997530385852, 0.0014193311799317598, 0.001417998573742807, 0.0012981181498616934, 0.001240547513589263, 0.0014239189913496375, 0.00148173572961241, 0.001440967433154583, 0.0012840671697631478, 0.001396733452565968, 0.0014929153257980943, 0.0014869890874251723, 0.0013958000345155597, 0.0013355903793126345, 0.0012746958527714014, 0.0012122666230425239, 0.0012617007596418262, 0.000901493476703763, 0.0009110660175792873, 0.0009858866687864065, 0.0010017018066719174, 0.0011187623022124171, 0.0009376471862196922, 0.001112616271711886, 0.0010862002382054925, 0.0012494754046201706, 0.0012870174832642078, 0.001398679451085627, 0.0016629021847620606, 0.0015622599748894572, 0.0014254683628678322, 0.0013843995984643698, 0.001339433598332107, 0.0015151305124163628, 0.0015720623778179288, 0.001539007993414998, 0.0013997881906107068, 0.0015356997027993202, 0.00133961858227849, 0.0014642204623669386, 0.0014092595083639026, 0.0011992037761956453, 0.001360723515972495, 0.0013338025892153382, 0.0013189837336540222, 0.0011863162508234382, 0.0013593332841992378, 0.0012567483354359865, 0.0012814224464818835, 0.0012039289576932788, 0.0010456142481416464, 0.0013499909546226263, 0.00127732555847615, 0.0011820602230727673, 0.0011564859887585044, 0.0010598698863759637, 0.0011390530271455646, 0.0012064060429111123, 0.0011639704462140799, 0.0011536309029906988, 0.0013049542903900146, 0.000905489781871438, 0.0006350214825943112, 0.000905932451132685, 0.0010857211891561747, 0.0009558594319969416, 0.000954552146140486, 0.0008484877762384713, 0.000808056618552655, 0.0010027959942817688, 0.0009179600165225565, 0.0009132651030085981, 0.0008943122811615467, 0.0009634825401008129, 0.0009795906953513622, 0.0008755940361879766, 0.0008356698672287166, 0.0008452480542473495, 0.0009089810191653669, 0.000653154740575701, 0.0007047433755360544, 0.0006030116928741336, 0.0005678531597368419, 0.0008413698524236679, 0.0006509663071483374, 0.0006573361461050808, 0.0007883899961598217, 0.0007448620162904263, 0.0006858619162812829, 0.0008508121245540679, 0.0007951697334647179, 0.0005733727011829615, 0.0004935913602821529, 0.0004437844327185303, 0.0005435201455838978, 0.0005419178050942719, 0.0006567373056896031, 0.0006082382169552147, 0.0006512825493700802, 0.0006283186958171427, 0.000590815965551883, 0.0007726990152150393, 0.0007379651651717722, 0.00072738021844998, 0.0006704956176690757, 0.0006463781464844942, 0.0006573498249053955, 0.0008538756519556046, 0.000876632344443351, 0.0007519791251979768, 0.0007381343748420477, 0.000774466316215694, 0.000803736096713692, 0.0007561063393950462, 0.0007512990850955248, 0.0006975486758165061, 0.000896598445251584, 0.0009096236899495125, 0.000682637095451355, 0.0007289985660463572, 0.0004799950693268329, 0.000373095361283049, 0.000494857900775969, 0.0003361619310453534, 0.0004623724380508065, 0.0005871027824468911, 0.0006419742712751031, 0.00047044665552675724, 0.0004526806005742401, 0.0003459035651758313, 0.00031410777592100203, 0.000356932170689106, 0.00019878381863236427, 0.0003362871066201478, 0.0005497675738297403, 0.00044339953456074, 0.0004327059432398528, 0.000381265243049711, 0.0003117024025414139, 0.0006963163032196462, 0.000614748802036047, 0.00036913238000124693, 0.00019414094276726246, 0.00014435772027354687, -6.68466673232615e-05, 7.746466144453734e-05, 0.00011134160013170913, 8.448540756944567e-05, 1.607152444194071e-05, -0.00016102258814498782, -0.00019500665075611323, -0.00018795343930833042, -0.00024256222241092473, -0.00017740829207468778, -0.00012108313967473805, -0.00019227020675316453, -0.0002655109274201095, -0.0001934056490426883, -0.00010828619997482747, 2.6778652681969106e-05, -0.00012702023377642035, -0.0002889711468014866, -0.00022469216492027044, -0.00021454501256812364, -0.00017478708468843251, -0.0003877410781569779, -0.0005807139677926898, -0.0006749717285856605, -0.0008181753219105303, -0.0006879111169837415, -0.000546009570825845, -0.0005150866345502436, -0.00030273868469521403, -0.0003424265014473349, -0.0005367040284909308, -0.00046370213385671377, -0.0004701118159573525, -0.0006155858864076436, -0.0005648237420246005, -0.0005469047464430332, -0.0007480067433789372, -0.0007661291747353971, -0.0006646660040132701, -0.0006929077790118754, -0.0006877186242491007, -0.0006850134814158082, -0.0008928588940761983, -0.0009818817488849163, -0.0007650787592865527, -0.0005543476436287165, -0.00048022891860455275, -0.0005588021012954414, -0.0003961831971537322, -0.0004738083516713232, -0.0005275555304251611, -0.00040949511458165944, -0.00033790821908041835, -0.000339468359015882, -0.0004657584649976343, -0.0004129708104301244, -0.0005110802012495697, -0.0005604767356999218, -0.0005161164444871247, -0.0003532111004460603, -0.00023361582134384662, -0.0002810291771311313, -0.00025790673680603504, -0.0003614561865106225, -0.0004259265260770917, -0.00043713534250855446, -0.0004215240478515625, -0.0007031595450825989, -0.0007219592807814479, -0.0007151846657507122, -0.0003775306395255029, -0.000458967057056725, -0.0005903537385165691, -0.000279989093542099, -0.000634959083981812, -0.0005673714331351221, -0.000858409097418189, -0.0008674853597767651, -0.0006767945596948266, -0.0006549868849106133, -0.000963397731538862, -0.0011512566125020385, -0.0010029369732365012, -0.0010681151179596782, -0.0009919292060658336, -0.001038017333485186, -0.0010337491985410452, -0.0010194574715569615, -0.0010406783549115062, -0.001126343966461718, -0.0009894605027511716, -0.0009425398893654346, -0.0009998922469094396, -0.0011352150468155742, -0.0012475252151489258, -0.0012040178989991546, -0.0010402235202491283, -0.000984853832051158, -0.001061860122717917, -0.0009981991024687886, -0.0009059401345439255, -0.0008560467977076769, -0.0007965985569171607, -0.0007211922784335911, -0.0008355802274309099, -0.0009965032804757357, -0.0010649629402905703, -0.001038074609823525, -0.0010028161341324449, -0.0008996199467219412, -0.0006897086859680712, -0.0005542030557990074, -0.0007853057468309999, -0.000752994033973664, -0.0006227540434338152, -0.000761869887355715, -0.0005878493539057672, -0.0003574517322704196, -0.0005047883605584502, -0.00052955950377509, -0.0005023459671065211, -0.0006079833838157356, -0.0005749580450356007, -0.0004678383993450552, -0.0005658746813423932, -0.0005547062028199434, -0.0005829292349517345, -0.0006376856472343206, -0.0005263782222755253, -0.00031295529333874583, -0.0002566691837273538, -0.00019699607219081372, -0.00019777310080826283, -0.0003750934265553951, -0.00021408377506304532, -1.2173965842521284e-05, -9.32229304453358e-05, -5.712660276913084e-05, -4.907689799438231e-05, -0.00022821103630121797, -0.0002019977691816166, -0.0003055637062061578, -0.0002555831160861999, 1.6068144759628922e-05, -0.00013118633069097996, -0.00029287138022482395, -0.0002627963840495795, -0.00023222358140628785, -0.00026570598129183054, -0.00022316882677841932, -0.0004367993969935924, -0.0006959742167964578, -0.0004734163812827319, -0.0005232797120697796, -0.00021879846462979913, -1.6553374734940007e-05, -0.00010303011367795989, -0.000166672543855384, -0.00010252406354993582, -3.760282197617926e-05, 0.00017905564163811505, 0.00015921435260679573, -0.0001266368490178138, -0.0003887639904860407, -0.00037121461355127394, -0.00038067784043960273, -0.00014970039774198085, 2.4215230951085687e-05, -0.0001717843406368047, -0.0004103657556697726, -0.00047134773922152817, -0.0003980259643867612, -0.0003845983592327684, -0.00022872997215017676, -0.00015583186177536845, -0.00014122216089162976, -0.000342526298481971, -0.000528308330103755, -0.000548008072655648, -0.0005715102306567132, -0.0006403503357432783, -0.0006655212491750717, -0.0009921061573550105, -0.0010103677632287145, -0.0012805169681087136, -0.0007713568047620356, -0.0006307152798399329, -0.0004576571809593588, -0.0004054106248077005, -0.0007720165885984898, -0.0005591177614405751, -0.0006402192520909011, -0.0006636651232838631, -0.0006411128561012447, -0.0008578845881856978, -0.000911970273591578, -0.0009126721415668726, -0.0009120302274823189, -0.0008899460081011057, -0.0008382280939258635, -0.0008812203886918724, -0.0009993781568482518, -0.0007450077100656927, -0.0007111710147000849, -0.0006028753123246133, -0.0006987923989072442, -0.0007265778258442879, -0.0007602281402796507, -0.0007794939447194338, -0.0007208197494037449, -0.0007670495542697608, -0.0006254583713598549, -0.0005182271706871688, -0.00040512115810997784, -0.0005247018416412175, -0.0005441384273581207, -0.0005607009516097605, -0.0005163272726349533, -0.0006600750493817031, -0.0008756131865084171, -0.000717507500667125, -0.0007677810499444604, -0.0007631559856235981, -0.000413195084547624, -0.0003320618416182697, -0.000541198009159416, -0.00046380507410503924, -0.0006972213159315288, -0.0008119101985357702, -0.0005830450681969523, -0.0006396499811671674, -0.00048957479884848, -0.0005071171908639371, -0.0006060376763343811, -0.000612049363553524, -0.0003167952527292073, -0.00024901077267713845, -0.00037758785765618086, -0.0004764228069689125, -0.0006368098547682166, -0.0004975202609784901, -0.00036210258258506656, -0.00022560748038813472, -0.00018222926883026958, -0.00017331044364254922, -0.00014395992911886424, -0.00014303192438092083, -1.6943435184657574e-05, 9.100572788156569e-05, 0.00015435718523804098, 0.00016796434647403657, 0.0002356629556743428, 0.0002818602661136538, 0.00028074084548279643, 0.0005658839363604784, 0.0005692848353646696, 0.0006045253830961883, 0.0006549932295456529, 0.0003196037432644516, 0.000557158375158906, 0.0005689601530320942, 0.0005469069583341479, 0.0007142407121136785, 0.0003092965926043689, 0.0002390453446423635, 0.0003162698121741414, 0.00016090278222691268, 0.00023646342742722481, 0.0002724731748457998, 0.0003316278744023293, 0.0002462190168444067, 0.00017313983698841184, 0.0002075898228213191, 4.1586219595046714e-05, 0.0002443431003484875, 0.00018673190788831562, 0.00036945290048606694, 0.0003195794706698507, 0.0003099544846918434, 0.0005262451595626771, 0.0006213975721038878, 0.0006351578631438315, 0.0006628780975006521, 0.0005725700175389647, 0.00041843473445624113, 0.0004466859099920839, 0.0004850720288231969, 0.0004862372006755322, 0.00042985184700228274, 0.0005247553926892579, 0.0003016319533344358, 0.00032776754233054817, 0.00026690773665905, 0.00027125398628413677, 0.0006902992026880383, 0.0007499881321564317, 0.0004782949108630419, 0.0002844704722519964, 0.0003090583486482501, 0.0003866204060614109, 0.000503991381265223, 0.00032831053249537945, 9.966232028091326e-05, 0.0002532198850531131, 0.00019366038031876087, 0.00027194860740564764, 0.00039190746610984206, 0.0003777787205763161, 0.00022577667550649494, 0.00031179425423033535, 0.00031533738365396857, 0.0004708982596639544, 0.0005596757400780916, 0.0005439493688754737, 0.0005664105992764235, 0.000168395577929914, -7.73469582782127e-05, -7.590802852064371e-06, 0.00017077858501579612, 0.0002081188140437007, 0.00030568731017410755, 7.354304398177192e-05, -1.1237852959311567e-05, 0.00013237635721452534, 0.00016843946650624275, 0.00023647093621548265, 0.00018400380213279277, 0.00030846131267026067, 5.24951028637588e-05, -1.1637360330496449e-05, 9.206379763782024e-05, 0.0003065463970415294, 0.00040488067315891385, 0.00017942216072697192, 6.497426511486992e-05, -4.742052169603994e-06, 8.823334792396054e-05, 0.00011834853648906574, 0.00031467591179534793, 0.00026012331363745034, 0.00014339957851916552, 7.77906461735256e-05, 8.555370004614815e-05, 2.8121599825681187e-05, 0.00010692678188206628, 0.0001890258863568306, 0.00019014126155525446, 0.0002418814110569656, 0.0003134121361654252, 0.0003930226666852832, 0.000333428819430992, 0.0003240093355998397, 0.00025992965674959123, 0.00013410857354756445, 4.119987352169119e-05, -4.6831046347506344e-05, -1.8293311541128787e-06, 2.663844497874379e-05, 4.08199084631633e-05, -0.00015721630188636482, -0.00022300427372101694, -0.0001246781466761604, -7.165188890212448e-06, 3.436296901782043e-05, 8.974396769190207e-05, -1.9036378944292665e-05, 8.301417983602732e-05, -1.7428965293220244e-05, -0.0002611009404063225, -3.3240121410926804e-05, 0.00010137517529074103, 0.00012828443141188473, 0.00015428823826368898, 0.0001620445109438151, 0.0002110890345647931, 0.0003438811982050538, 0.0003971267433371395, 0.00038168407627381384, 0.000326360110193491, 0.0002462400880176574, 0.000397032214095816, 0.00015454774256795645, 0.0003567995154298842, 0.0003271333989687264, 0.00025092242867685854, 0.00028241227846592665, 3.175558595103212e-05, 0.00017188405035994947, 0.0003095206920988858, 0.00031515685259364545, 0.00037708834861405194, 0.0004166357684880495, 0.0004128521541133523, 0.0003550222027115524, 0.0004197730449959636, 0.0004574214108288288, 0.00041520613012835383, 0.0002552794758230448, 0.00026534931384958327, 0.0002311268326593563, 0.0003051042149309069, 0.00010315747204003856, -6.702438895445084e-06, 0.0001779654121492058, 0.00037615071050822735, 0.00042167503852397203, 0.0005749116535298526, 0.0005364316166378558, 0.0007654973305761814, 0.000599833088926971, 0.0005523604340851307, 0.0004068490816280246, 0.000367772881872952, 0.0002802049566525966, 0.00014634606486652046, 6.146146188257262e-05, -3.651783845270984e-05, -5.6784378102747723e-05, 3.433640449657105e-05, 0.00012034069368382916, 0.000140034913783893, 0.00014374715101439506, 0.0003605375823099166, 0.0003355435619596392, 0.0003190773422829807, 0.00028629592270590365, 0.0002528093755245209, 0.0002938162360806018, -3.071417813771404e-05, -4.522078961599618e-05, 4.261965295881964e-05, 4.434550282894634e-05, 0.0001661134883761406, 3.875410766340792e-05, 0.0002959101111628115, 0.0002204467891715467, 0.0002595506957732141, 0.00025907333474606276, 0.0002791970910038799, 0.00040409446228295565, 0.00030733333551324904, 0.00042845599818974733, 0.00037118911859579384, 0.00017219486471731216, 0.00030181356123648584, 0.0005297490279190242, 0.0005106956814415753, 0.00040359131526201963, 0.0001843420759541914, 0.00010464416845934466, 7.494976307498291e-05, 0.00019263206922914833, 0.00027799158124253154, 0.00020160744315944612, 0.00015975604765117168, 0.0001657155662542209, 0.0001758108992362395, 0.00024201173800975084, 0.000355146563379094, 0.0001677983091212809, 3.7245281419018283e-05, -6.294983177212998e-05, 3.488294532871805e-05, -4.1552757465979084e-05, 2.523553848732263e-05, -5.782781045127194e-06, -0.00014575656678061932, -5.8465437177801505e-05, -0.00033081843866966665, -0.00038317040889523923, -0.00031539498013444245, -0.00019309135677758604, -0.00011039964738301933, -0.0003525655483826995, -0.0001414568832842633, -0.00012058448191964999, -0.00010627185110934079, 0.00013405380013864487, 0.00011205144255654886, 0.00012806722952518612, 6.968194793444127e-05, 1.0660275620466564e-05, 0.00010644044959917665, 0.00010364974150434136, 0.0001370385434711352, 0.0001397763262502849, 7.5363896030467e-05, 4.2122515878872946e-05, 4.0838254790287465e-05, 0.0003604674420785159, 0.00020364626834634691, 0.00018553674453869462, 0.0004041565989609808, 0.00018992122204508632, 0.00029109837487339973, 0.00016466921078972518, 0.0001452973228879273, 0.00032071693567559123, -1.955137850018218e-05, -0.00010166251740884036, 1.0351009223086294e-05, 0.0001370436220895499, 0.00016736751422286034, 0.00016316604160238057, 0.0002485262230038643, 0.00037177608464844525, 0.00018167990492656827, 0.00022765761241316795, 0.0004133368784096092, 0.00029538021772168577, 0.00018508093489799649, 0.0002790116413962096, 0.0003942038747482002, 0.000437122886069119, 0.0004209341132082045, 0.0005937591777183115, 0.0005597075796686113, 0.0005501402192749083, 0.0006162902573123574, 0.0004350853560026735, 0.0006185354432091117, 0.0006844647577963769, 0.0005764627130702138, 0.0006773482309654355, 0.0005365377874113619, 0.0003631271538324654, 0.0004139803349971771, 0.0006001932779327035, 0.0005798718193545938, 0.00032714614644646645, 0.0003182949440088123, 9.806934394873679e-05, 6.690662121400237e-05, -3.158358231303282e-05, 0.00011475395876914263, 0.00024902287987060845, 0.00037795392563566566, 0.0003362162387929857, 0.00011245570203755051, 8.830880688037723e-05, 0.000162416064995341, 0.00018127048679161817, 0.00012273657193873078, 0.00021939554426353425, 0.00035182194551452994, 0.0004215964872855693, 0.0002269674587296322, 0.00029170341440476477, 0.0002994586538989097, 0.0003799108962994069, 0.00017589774506632239, 0.000124448532005772, 0.0002692105481401086, 0.00017533796199131757, 0.00034513475839048624, 0.00030180771136656404, 0.00011665192869259045, 0.00023301491455640644, 0.00024264051171485335, 0.00035372236743569374, 0.00023194844834506512, 9.839420090429485e-05, 0.00029376649763435125, 0.00017690510139800608, 0.00022652563347946852, 0.00011112081119790673, -1.6454852811875753e-05, -0.00014444926637224853, -0.00021258041670080274, -0.000191498504136689, -0.0003134041908197105, -0.0002914573415182531, -9.025562758324668e-05, -0.0001500771177234128, -0.00016125143156386912, -0.00024965888587757945, -0.0002548692573327571, -0.000328335037920624, -0.00037668770528398454, -0.0003791882481891662, -0.0003766566514968872, -0.0003289088199380785, -0.0004382988845463842, -0.00026341178454458714, -0.00040387953049503267, -0.0004831778060179204, -0.0005326398531906307, -0.0005164047470316291, -0.0005682489136233926, -0.0005200505838729441, -0.00043538305908441544, -0.00048224584315903485, -0.00020406719704624265, -0.0002076295204460621, -0.0002661087492015213, -0.00015359616372734308, -0.0001813910494092852, -2.9316543077584356e-05, -7.007340173004195e-05, -0.00010398481390438974, -0.0001813071867218241, -0.0002172561507904902, -0.00010024551738752052, -0.00036293378798291087, -0.0001641324779484421, -0.00032360220211558044, -0.0004868872929364443, -0.0005006175488233566, -0.0006804288714192808, -0.0007705523166805506, -0.0006361021660268307, -0.0006225553224794567, -0.0006499415030702949, -0.0005636686692014337, -0.0005549016641452909, -0.0005646751378662884, -0.0005784398526884615, -0.0005870987079106271, -0.0007073936285451055, -0.0005187878268770874, -0.00045199887244962156, -0.00039758882485330105, -0.000325223954860121, -0.00044549256563186646, -0.000558582367375493, -0.000590448675211519, -0.0008228264050558209, -0.0009453027159906924, -0.0007821018807590008, -0.0005979787674732506, -0.0008303182548843324, -0.0008210702799260616, -0.0011160578578710556, -0.0012522040633484721, -0.0012364891590550542, -0.0011854167096316814, -0.0010012161219492555, -0.0012343517737463117, -0.0012731250608339906, -0.0013514785096049309, -0.0013109903084114194, -0.0013248256873339415, -0.0012672166340053082, -0.0013595488853752613, -0.0014044232666492462, -0.0012484471080824733, -0.0011789787095040083, -0.0011340787168592215, -0.0009335746872238815, -0.001070392900146544, -0.0009526772773824632, -0.0008516810485161841, -0.0010428152745589614, -0.0008822095114737749, -0.0007803948828950524, -0.0008804805111140013, -0.000913847703486681, -0.0009270894806832075, -0.0009825302986428142, -0.0007241626153700054, -0.0007905283127911389, -0.0008093887008726597, -0.0008204233599826694, -0.0006671353476122022, -0.0006791556370444596, -0.0008456959621980786, -0.0008337199687957764, -0.0007771800737828016, -0.0006452067173086107, -0.0007438327884301543, -0.0008147495100274682, -0.0007632438209839165, -0.0008110578637570143, -0.0009157558088190854, -0.0008834082400426269, -0.0008120544953271747, -0.0008550171623937786, -0.0008134972886182368, -0.000874968187417835, -0.0007970005390234292, -0.0006800699047744274, -0.0008862109389156103, -0.0008461296674795449, -0.0009747263975441456, -0.000943163235206157, -0.0008462448604404926, -0.0007933781016618013, -0.000782775052357465, -0.0008182537858374417, -0.0009561877232044935, -0.0012161263730376959, -0.0011024627601727843, -0.0011818779166787863, -0.0011795720783993602, -0.0011129219783470035, -0.0011690218234434724, -0.0010315655963495374, -0.0008610664517618716, -0.0008182401652447879, -0.0009450927027501166, -0.0009510412928648293, -0.0008970634662546217, -0.0008392512099817395, -0.0008762628422118723, -0.000807973847258836, -0.0007744195754639804, -0.0008386356639675796, -0.0006677488563582301, -0.0006044148467481136, -0.0004727013874799013, -0.000694611226208508, -0.0005959923728369176, -0.0005882119876332581, -0.0007439448963850737, -0.0006414176896214485, -0.0006517833098769188, -0.0005745747475884855, -0.0007327585481107235, -0.000863324326928705, -0.000820133660454303, -0.0008863851544447243, -0.0008223609183914959, -0.0008925348520278931, -0.0007636656519025564, -0.0006317634833976626, -0.0006333276396617293, -0.000573227705899626, -0.0006061301100999117, -0.0005012467154301703, -0.0004704988969024271, -0.0005323051009327173, -0.00047915041795931756, -0.0004155162023380399, -0.0004738470306620002, -0.0003790290211327374, -0.00016023218631744385, -0.00020477217913139611, -0.00011409130092943087, -6.411218782886863e-05, -0.00024366052821278572, -0.00024063372984528542, -0.00025095391902141273, -0.00011643959442153573, -4.7669600462540984e-05, -0.00020595073874574155, -3.7871592212468386e-05, -3.798308898694813e-05, -0.0001985238486668095, -5.4511503549292684e-05, 6.742533150827512e-05, 6.351832416839898e-05, 2.075464726658538e-05, -0.00011514644575072452, 4.642174098989926e-05, -3.0279757993412204e-05, -1.2139076716266572e-05, 1.5699456525908317e-06, -0.00013188795128371567, -4.8619520384818316e-05, -0.0003237239725422114, -0.00021975679555907845, -5.1101545977871865e-05, -0.00021183351054787636, -0.0002625611668918282, -4.251963400747627e-05, -0.00010270911297993734, -2.501835479051806e-05, 0.0001075557156582363, 7.494167221011594e-05, 7.14942580088973e-05, 0.00017841500812210143, 0.000266040675342083, 8.631565287942067e-05, 0.00018094174447469413, 0.00016531093569938093, 0.00031850350205786526, 0.0002192309038946405, 0.00020111381309106946, 0.0002779110218398273, 0.00037615749170072377, 0.00019429202075116336, 0.00019457607413642108, 0.00013126023986842483, 5.297726966091432e-05, 0.0001787279761629179, 0.00018643427756614983, 0.00033006066223606467, 0.00029157064273022115, 0.0004784210177604109, 0.0005030519678257406, 0.0005426860880106688, 0.000564097601454705, 0.0007152498001232743, 0.0007083350792527199, 0.0007439313340000808, 0.0008624506299383938, 0.0010103570530191064, 0.0008981210994534194, 0.0010124753462150693, 0.0008681073668412864, 0.0007935521425679326, 0.0008328906842507422, 0.0008319601765833795, 0.0007542548119090497, 0.000665927364025265, 0.0007884146180003881, 0.0006272258469834924, 0.0008057154482230544, 0.0008441798854619265, 0.0007042712531983852, 0.0007826737128198147, 0.0007923961384221911, 0.0009495571721345186, 0.0010128025896847248, 0.0010024631628766656, 0.0010865277145057917, 0.001323133590631187, 0.0013816733844578266, 0.0012030494399368763, 0.0012893551029264927, 0.0013376966817304492, 0.0011489831376820803, 0.0013207260053604841, 0.00129032286349684, 0.0012433727970346808, 0.0013884013751521707, 0.001291552442125976, 0.0014145848108455539, 0.001275131362490356, 0.0011296415468677878, 0.00122595124412328, 0.0010909817647188902, 0.001153771299868822, 0.000915227981749922, 0.0007820143946446478, 0.0008648768998682499, 0.0007101719966158271, 0.001126035931520164, 0.0006940647144801915, 0.0007811778341419995, 0.000584297813475132, 0.0007486653048545122, 0.0008468693704344332, 0.0009537978912703693, 0.0011927153682336211, 0.0012545359786599874, 0.0012173367431387305, 0.0010376443387940526, 0.001042534364387393, 0.0010058698244392872, 0.0012290148297324777, 0.0012162915663793683, 0.0012264837278053164, 0.0011246459325775504, 0.0011594719253480434, 0.001135222613811493, 0.0011656248243525624, 0.0010877547319978476, 0.0010906882816925645, 0.0011945182923227549, 0.001263244659639895, 0.001187688671052456, 0.0012966778595000505, 0.0012351821642369032, 0.0011785883689299226, 0.0010548238642513752, 0.0009515092824585736, 0.0009695999324321747, 0.001120277214795351, 0.0010798188159242272, 0.0010056118480861187, 0.0010762681486085057, 0.0010850302642211318, 0.0011109703918918967, 0.0011309281690046191, 0.0010580201633274555, 0.0011841077357530594, 0.001111747813411057, 0.0008028516313061118, 0.0008592724334448576, 0.0009896917035803199, 0.0009736456559039652, 0.0009533499833196402, 0.0008742209174670279, 0.0008830602164380252, 0.0009372081258334219, 0.001038434449583292, 0.000955026363953948, 0.0008951693889684975, 0.0010537933558225632, 0.001176635385490954, 0.0010808975202962756, 0.0008593747043050826, 0.0009002219885587692, 0.0010632240446284413, 0.0008914529462344944, 0.0008755209273658693, 0.000702649645972997, 0.0005696330917999148, 0.0007335515692830086, 0.00053192931227386, 0.0005911985645070672, 0.0005611439701169729, 0.0006048260838724673, 0.0006955539574846625, 0.0005944619770161808, 0.0005560737918131053, 0.00046578815090470016, 0.00028558255871757865, 0.00029718116275034845, 0.00028961102361790836, 0.00021769176237285137, 0.000371771864593029, 0.0002617408463265747, 0.00027564045740291476, 0.0003885232436005026, 0.00017962355923373252, 0.0004108487628400326, 0.00041777832666411996, 0.0004286176117602736, 0.00046284671407192945, 0.0005745344678871334, 0.0006107180961407721, 0.0007363537442870438, 0.0009019618155434728, 0.0007715229876339436, 0.0007827223744243383, 0.0008325570961460471, 0.0008247953956015408, 0.0007553723407909274, 0.0006396385142579675, 0.0006596262683160603, 0.0007582401158288121, 0.0009221152286045253, 0.0006740687531419098, 0.0006477299612015486, 0.0005309427506290376, 0.0003729826712515205, 0.0004017826577182859, 0.0002902038104366511, 0.00044054246973246336, 0.0005248798988759518, 0.0007593776099383831, 0.000559728592634201, 0.0004790369712281972, 0.00047496342449449003, 0.00046410251525230706, 0.000573046738281846, 0.0005336893955245614, 0.0005503249703906476, 0.0007095045293681324, 0.0008492087945342064, 0.0007623825222253799, 0.0008599830325692892, 0.0006534635904245079, 0.0007936506881378591, 0.0008329574484378099, 0.0005777967744506896, 0.0004833087732549757, 0.0005528145120479167, 0.00031157289049588144, 0.00034763445728458464, 0.000356377218849957, 0.00027727975975722075, 0.00021799902606289834, 0.00011711661500157788, 8.758127660257742e-05, -1.206607157655526e-05, -5.635734123643488e-05, -7.802330219419673e-05, 0.00018261578225065023, 7.254223601194099e-05, -5.028653686167672e-05, 7.614149944856763e-05, 2.6786085072671995e-05, 9.500154556008056e-05, -4.697017720900476e-05, -7.698623085161671e-05, -1.601282383489888e-05, -3.3492677175672725e-05, 7.004744838923216e-05, -7.697453838773072e-05, -0.00021714047761633992, -0.0003893687971867621, -0.000404348160373047, -0.0004403179045766592, -0.00042359938379377127, -0.0004771101812366396, -0.0003311382024548948, -0.00031965860398486257, -0.00046433883835561574, -0.0004453298170119524, -0.00044460699427872896, -0.0005055051296949387, -0.000625058077275753, -0.0005277119344100356, -0.0005579895223490894, -0.0006415020325221121, -0.0005700363544747233, -0.000593780423514545, -0.0007235478260554373, -0.0006653681630268693, -0.0007626456208527088, -0.0008000060333870351, -0.0007598581141792238, -0.000600188912358135, -0.0005069805192761123, -0.0006492915563285351, -0.0004750739608425647, -0.0005150795332156122, -0.000528970209416002, -0.0004170617612544447, -0.00036231757258065045, -0.0003600143827497959, -0.00043508061207830906, -0.00038395164301618934, -0.0004422690544743091, -0.00048360825167037547, -0.0005332303117029369, -0.0003729717282112688, -0.0003040069423150271, -0.00031161127844825387, -0.00017830317665357143, -0.00028036432922817767, -0.00042977454722858965, -0.0004952457384206355, -0.00041185750160366297, -0.0006371007766574621, -0.0006220706272870302, -0.0005399188376031816, -0.00025868191733025014, -0.0002426369464956224, -0.00045365284313447773, -0.00014739359903614968, -0.00037354513187892735, -0.00037230775342322886, -0.0005268066306598485, -0.0004532553721219301, -0.0005630063242278993, -0.0004061395884491503, -0.0004746378108393401, -0.0007601573597639799, -0.0007178588421083987, -0.0008109549526125193, -0.0008969383779913187, -0.0008977546822279692, -0.0007481439970433712, -0.0007448935066349804, -0.0006609183619730175, -0.0007359257433563471, -0.000605899142101407, -0.0006619359483011067, -0.0005421565729193389, -0.0006513123516924679, -0.0006689345464110374, -0.0006886151968501508, -0.000672755588311702, -0.0004741666780319065, -0.0005437718355096877, -0.0006324163405224681, -0.0005092968349345028, -0.0004204329161439091, -0.000338036596076563, -0.00030512933153659105, -0.0003267213178332895, -0.00039027348975650966, -0.00036857713712379336, -0.0003559727920219302, -0.0004290331853553653, -0.000299266743240878, -0.00010807261423906311, 9.24127089092508e-05, -0.00010459402983542532, -0.00014493384514935315, -6.20349237578921e-06, -0.00013609278539661318, -9.614952432457358e-05, 0.00011869685840792954, 8.442684338660911e-05, 0.00010581471724435687, 6.755737558705732e-05, -3.881545580952661e-06, -1.990235068660695e-05, -6.374766235239804e-05, -7.747548079350963e-05, -0.0001170513205579482, -0.00015350690227933228, -6.288969416345935e-06, -1.2549789062177297e-05, 0.00018619463662616909, 0.0002786442928481847, 0.00034908248926512897, 0.00047156985965557396, 0.0002749458362814039, 0.0003693540347740054, 0.0005462471744976938, 0.000569244206417352, 0.0005058719543740153, 0.0005863954429514706, 0.000413169531384483, 0.0003399479028303176, 0.00016152950411196798, -5.832633632962825e-06, 0.0002738376206252724, 7.326837658183649e-05, -0.00014598153939004987, -0.0002115511888405308, -0.00028801398002542555, -0.00025726278545334935, -0.00038306679925881326, -0.0004348075308371335, -0.0007083155796863139, -0.0006276166532188654, -0.0005564261227846146, -0.0005598496645689011, -0.00031675121863372624, -0.00020899709488730878, -0.00026343503850512207, -0.00020224583568051457, -8.02008798928e-05, 4.110624286113307e-05, 6.041673987056129e-05, -5.701723785023205e-05, -0.00023068908194545656, -0.00019318773411214352, -0.0002593313402030617, -5.924258948653005e-05, -2.62876674241852e-05, -0.0001993529440369457, -0.00039776155608706176, -0.0005515004741027951, -0.0005216165445744991, -0.0006362911080941558, -0.0006704434636048973, -0.0006204241653904319, -0.0004389926325529814, -0.000735196634195745, -0.0006955285789445043, -0.0007224337896332145, -0.0008769628475420177, -0.000746536476071924, -0.000764725380577147, -0.0008913697092793882, -0.0009807973401620984, -0.0012802513083443046, -0.0007966433768160641, -0.0007638423703610897, -0.0005914822104386985, -0.0006153857684694231, -0.0007374340202659369, -0.0007302737212739885, -0.0007605229620821774, -0.0007369843078777194, -0.0008680450264364481, -0.0008961833082139492, -0.001107337186113, -0.001001207740046084, -0.0010736611438915133, -0.0010995609918609262, -0.001161231310106814, -0.001171791460365057, -0.0013093259185552597, -0.0011315270094200969, -0.0010645755100995302, -0.0010361080057919025, -0.0010099164210259914, -0.001038827234879136, -0.0010343549074605107, -0.0009375166264362633, -0.0009334846399724483, -0.0009446251788176596, -0.0009452095255255699, -0.0007351185195147991, -0.0006780233816243708, -0.0007872399874031544, -0.0006969288806430995, -0.0008430603775195777, -0.0008933604694902897, -0.0010550034930929542, -0.0012208886910229921, -0.0012037160340696573, -0.0012605199590325356, -0.0012602396309375763, -0.0010415040887892246, -0.0010307786287739873, -0.0010423129424452782, -0.0008805113029666245, -0.0010011919075623155, -0.001072810380719602, -0.0009946426143869758, -0.0009211353026330471, -0.0008101466810330749, -0.0008321464993059635, -0.000827220908831805, -0.0007876273011788726, -0.0006173294386826456, -0.0005478822276927531, -0.0005546517786569893, -0.0007460673805326223, -0.0007271674694493413, -0.0007998322253115475, -0.0007893524598330259, -0.0007004266371950507, -0.0007822915213182569, -0.00079398910747841, -0.0007855711737647653, -0.0007666197489015758, -0.0006481579621322453, -0.0005725317168980837, -0.0004826121439691633, -0.00039958025445230305, -0.00029413640731945634, -0.000280356704024598, -0.00018462543084751815, 4.33319692092482e-05, -3.205292159691453e-06, 0.00021533218387048692, 0.00013377984578255564, -3.488520087557845e-05, 0.00011857776553370059, -3.657247361843474e-05, -1.4987018403189722e-05, -3.44027612300124e-05, -0.00029052820173092186, -0.0003501647734083235, -0.0004139067023061216, -0.0004645604349207133, -0.0005235567223280668, -0.00043631854350678623, -0.0005003226106055081, -0.0005754175363108516, -0.0005689731333404779, -0.0005353320157155395, -0.0006586265517398715, -0.0005644416669383645, -0.0005189116345718503, -0.00048340726061724126, -0.00046562321949750185, -0.00032560600084252656, -0.00024879592820070684, -0.00016753521049395204, -0.00021349599410314113, -0.00010411002585897222, -0.00015930389054119587, -0.00017413082241546363, -0.00018747668946161866, -0.00012965990754310042, -0.0002185173361795023, -0.0003499335143715143, -0.00017134356312453747, -0.0004430108529049903, -0.00042870818288065493, -0.0005652644322253764, -0.0004906991380266845, -0.00016413722187280655, -0.00013956533803138882, -0.00028262092382647097, -0.00030584403430111706, -0.0003669002326205373, -0.0003698063956107944, -0.00034577667247503996, -0.00036810964229516685, -0.00045292230788618326, -0.00024348858278244734, -7.439303590217605e-05, -0.00022591160086449236, -2.5116278266068548e-05, -1.4180825928633567e-05, -0.00011466521391412243, 6.340569962048903e-05, 9.673591557657346e-05, 0.00022368690406437963, 0.00019340665312483907, 0.0002552425430621952, 0.00019662088016048074, -1.3789346667181235e-05, -0.00017451898020226508, -0.0002271555713377893, -0.0002052065246971324, -0.00015696865739300847, 2.3576838430017233e-05, -0.00020222607417963445, -9.54815186560154e-05, -1.7176866094814613e-05, -6.573566224687966e-06, -5.7709689826879185e-06, 0.00014650107186753303, 0.00015129374514799565, 6.427580956369638e-05, 3.149012991343625e-05, 0.00010967316484311596, 0.0002719583280850202, 0.00028436759021133184, 0.00015116381109692156, 1.6353818864445202e-05, 0.0001375907304463908, -3.0577251891372725e-05, 2.5447228836128488e-05, 0.00016570066509302706, -1.1002392966474872e-05, 2.087530674543814e-06, -1.4260800526244566e-05, -2.8376620321068913e-05, -0.00014793264563195407, -0.00014119365368969738, -0.0001042127696564421, 1.9083887309534475e-05, -2.3743854399072006e-05, 0.00022260461992118508, 0.00029403134249150753, 0.00024398801906500012, 0.00032653522794134915, 0.0002593205717857927, 0.0001844362122938037, 0.00018629686383064836, 0.00013624336861539632, 0.00010041039786301553, 0.00013864644279237837, 9.163798677036539e-05, -0.00010958104394376278, -0.00016100173525046557, -9.274383046431467e-05, -2.6996725864592008e-05, 5.182161839911714e-05, 1.0555621884122957e-05, 6.634591409238055e-05, 0.00025826189084909856, 8.199676085496321e-05, -7.3260939643660095e-06, 0.00010694452794268727, 0.00015103915939107537, 0.0002539022534620017, 0.00041477347258478403, 0.0005173518438823521, 0.0005171791999600828, 0.000588113151025027, 0.0006034252583049238, 0.0006287286523729563, 0.0005569658242166042, 0.0007135092164389789, 0.0007311067311093211, 0.0005684533389285207, 0.0007824857020750642, 0.0007651285268366337, 0.0007980400696396828, 0.0007245370070450008, 0.0005673202103935182, 0.0007387633086182177, 0.0009287645225413144, 0.000774265849031508, 0.0009277691133320332, 0.0009030727669596672, 0.0007834226707927883, 0.0008690928225405514, 0.0009396101231686771, 0.000893611169885844, 0.0009076285059563816, 0.0007701145950704813, 0.0008153506787493825, 0.0009814448421820998, 0.0008583558374084532, 0.0007198661915026605, 0.000712251290678978, 0.0009228684357367456, 0.0010109326103702188, 0.0009516519494354725, 0.001159920240752399, 0.0012071288656443357, 0.0013909033732488751, 0.0012248535640537739, 0.0012779177632182837, 0.0010764121543616056, 0.0011076444061473012, 0.0009376305970363319, 0.0008334220619872212, 0.0007055596215650439, 0.0005594994872808456, 0.0006168904365040362, 0.0006406917236745358, 0.0006018929416313767, 0.0007678407710045576, 0.0007616911316290498, 0.0009172006393782794, 0.0008448305889032781, 0.0009263930260203779, 0.0009041074081324041, 0.0008814081083983183, 0.0008835849002934992, 0.0006537741282954812, 0.000747050391510129, 0.0007624662830494344, 0.0008282334893010557, 0.0008677024743519723, 0.0008179474389180541, 0.0010276323882862926, 0.0010390725219622254, 0.0011024745181202888, 0.0010579013032838702, 0.0010661546839401126, 0.001069517689757049, 0.0011128507321700454, 0.0011378152994439006, 0.0009603469516150653, 0.0008292733109556139, 0.0010176837677136064, 0.001061519025824964, 0.001141610904596746, 0.0009925994090735912, 0.0008962710853666067, 0.000822541129309684, 0.0008400673978030682, 0.0008853683830238879, 0.0008156015537679195, 0.0007491358555853367, 0.0007162795518524945, 0.0007807551301084459, 0.0006603869260288775, 0.0008236334542743862, 0.0009145292569883168, 0.000770219077821821, 0.0007108511636033654, 0.000713104207534343, 0.000706483842805028, 0.0006641310756094754, 0.0007306919433176517, 0.0007221022387966514, 0.0007705281022936106, 0.0005360217182897031, 0.0004696199030149728, 0.00044764610356651247, 0.0003983277711085975, 0.0004696933028753847, 0.00034735759254544973, 0.0003685499541461468, 0.000410745560657233, 0.00034570146817713976, 0.00042594133992679417, 0.0006379218539223075, 0.0005969659541733563, 0.0007160315290093422, 0.000637770164757967, 0.0005346015677787364, 0.0005143777234479785, 0.00046705128625035286, 0.0006725115235894918, 0.0006969140958972275, 0.0005884719430468976, 0.0005286117666400969, 0.0006065627094358206, 0.0006762931006960571, 0.0004932324518449605, 0.000697753974236548, 0.0006401928258128464, 0.0007026990642771125, 0.0007701129070483148, 0.00064858328551054, 0.0007767450297251344, 0.0006892350502312183, 0.0004221221897751093, 0.00043459489825181663, 0.0005974450032226741, 0.0006947922520339489, 0.0007005895604379475, 0.0007675004890188575, 0.0007729006465524435, 0.0008429038571193814, 0.0007199617102742195, 0.0007958675269037485, 0.000984956743195653, 0.0007696081884205341, 0.0007032884168438613, 0.000708704290445894, 0.000662206846754998, 0.0007954307366162539, 0.0007616440416313708, 0.0008627704810351133, 0.0008357776096090674, 0.0008253844571299851, 0.0007691800128668547, 0.0005602293531410396, 0.0006182194920256734, 0.0005705212242901325, 0.0005022356053814292, 0.0004153446643613279, 0.00031320672133006155, 0.0002908292808569968, 0.00035018869675695896, 0.00032631674548611045, 0.0002142768498742953, 4.9009326176019385e-05, 3.0007882742211223e-05, -2.200456401624251e-05, -0.00014939506945665926, -0.000274815276497975, -0.00021364448184613138, -0.0001571042521391064, 2.0051760657224804e-05, -6.432130612665787e-05, -0.00021282717352733016, -0.00027775930357165635, -0.00017303763888776302, -0.0002038956736214459, -0.00014371040742844343, -0.00021522741008084267, -3.821485734079033e-05, -0.0001427812676411122, -0.00012105602218070999, -3.998565080109984e-05, -9.151926496997476e-05, -3.164858935633674e-05, -0.00022960118076298386, -0.00013296566612552851, -0.00017058890080079436, -0.0002150565414922312, -0.0003045380290132016, -0.00027752399910241365, -0.000268362375209108, -0.00034911531838588417, -0.00033068799530155957, -0.0002735195739660412, -0.000502398528624326, -0.0005119437701068819, -0.0004127671127207577, -0.0005350228166207671, -0.0005181908491067588, -0.0006517007132060826, -0.0008335959282703698, -0.0007749770884402096, -0.0007873818976804614, -0.0008392743766307831, -0.0007291964720934629, -0.0005541245336644351, -0.00047276541590690613, -0.0005911492044106126, -0.0005330128478817642, -0.000555719539988786, -0.0005139655550010502, -0.0005190114607103169, -0.0005064615397714078, -0.0006410269998013973, -0.0006896568811498582, -0.0007491320138797164, -0.0007142755202949047, -0.0005650137318298221, -0.0006594685837626457, -0.000761342525947839, -0.0008033585036173463, -0.0007772951503284276, -0.000779058609623462, -0.0008109157788567245, -0.0008413929026573896, -0.0006514809792861342, -0.0006262553506530821, -0.0005480684340000153, -0.0004814934218302369, -0.0004052097792737186, -0.000272997043794021, -0.00014247243234422058, -0.0001838447933550924, -0.0001637884706724435, -7.446078234352171e-05, -9.417864021088462e-06, -0.00021654728334397078, -0.0003479156584944576, -0.0002703409700188786, -0.0005074614309705794, -0.000525499286595732, -0.000601623672991991, -0.0006298638763837516, -0.0005479612736962736, -0.0005888398736715317, -0.0007230769260786474, -0.0006656462210230529, -0.000639909936580807, -0.0006010810029692948, -0.0006965406355448067, -0.0006781068514101207, -0.0007984607946127653, -0.0007591504836454988, -0.0006061900639906526, -0.0005373679450713098, -0.000471572857350111, -0.0004873858124483377, -0.00036037832614965737, -0.00033344601979479194, -0.0004085316904820502, -0.0006060913437977433, -0.0005462542176246643, -0.00044471348519437015, -0.0005268808454275131, -0.0006211743457242846, -0.000590513285715133, -0.0005876848008483648, -0.0005952751962468028, -0.0006398087716661394, -0.0005397475906647742, -0.00038422973011620343, -0.0004219537368044257, -0.0005716811283491552, -0.0006445268518291414, -0.0007114268373697996, -0.0005376352928578854, -0.0005068659665994346, -0.0004598232626449317, -0.0002906610898207873, -0.0002936283708550036, -7.408751844195649e-05, -0.00010426628432469442, -4.214333603158593e-05, 4.5238735765451565e-05, -2.676242911547888e-05, -5.276125739328563e-05, 2.5168841602862813e-05, 0.00029179081320762634, 0.000168708706041798, 0.00013208553718868643, 0.00024898615083657205, 0.00015937797434162349, 0.00024842703714966774, 0.0001583747216500342, 0.00028037274023517966, 0.00037301229895092547, 0.000339373538736254, 0.00041808016248978674, 0.0002669904788490385, 0.000201307178940624, 9.191546268993989e-05, 0.0003334612993057817, 6.959355960134417e-05, 8.85902700247243e-05, 0.00013896058953832835, -0.00014179297431837767, -0.0001076863263733685, -0.0002920481201726943, -0.0001359699381282553, -0.00016724482702556998, -0.0002798187779262662, -9.439301356906071e-05, -0.00025162409292533994, -0.0001220391714014113, -0.0002661415783222765, -0.00041539198718965054, -0.0004032600554637611, -0.0005821645027026534, -0.0002683053899090737, -0.0003685611009132117, -0.00031105714151635766, -0.0002154269750462845, -0.00041720407898537815, -0.000588311639148742, -0.0007207146845757961, -0.0005692734848707914, -0.0007753290701657534, -0.0005865790881216526, -0.0008113857475109398, -0.0006838493281975389, -0.0006040591397322714, -0.0007011715788394213, -0.0005929317558184266, -0.0007550688460469246, -0.0007759541040286422, -0.0005924570723436773, -0.0006103176856413484, -0.0007258556433953345, -0.0007372237741947174, -0.0008285710937343538, -0.0006059656734578311, -0.000648197834379971, -0.0007489875424653292, -0.0005909806350246072, -0.0007055512396618724, -0.0007487563998438418, -0.0007449404220096767, -0.0007797306170687079, -0.0006180861382745206, -0.0004944621468894184, -0.0005321918288245797, -0.0007674040389247239, -0.0007823884952813387, -0.0008332639117725194, -0.0009524028282612562, -0.0008635492413304746, -0.0007041888893581927, -0.0006874240934848785, -0.0006807353347539902, -0.0005885451682843268, -0.0007614672649651766, -0.0005791091243736446, -0.0007614870555698872, -0.0007674029329791665, -0.0005682556075043976, -0.0007150380406528711, -0.0006602021167054772, -0.0005563052254728973, -0.0004565801937133074, -0.0005273409187793732, -0.00042818798101507127, -0.0003174235753249377, -0.0003588220861274749, -0.0002918920072261244, -0.00044155176146887243, -0.0002990329812746495, -0.00046358455438166857, -0.0006254588370211422, -0.00044897283078171313, -0.0005685798241756856, -0.000569548225030303, -0.0005064356955699623, -0.000540254230145365, -0.0006363525753840804, -0.0007460245979018509, -0.0008113550720736384, -0.0009150088299065828, -0.0008462198893539608, -0.0008837311761453748, -0.0009923673933371902, -0.0009722943068481982, -0.0010535774054005742, -0.0011378126218914986, -0.0010916382307186723, -0.001085014664568007, -0.001128329080529511, -0.0012037350097671151, -0.0011383158853277564, -0.0010643568821251392, -0.001135784201323986, -0.0010710108326748013, -0.0009980868780985475, -0.0008580468129366636, -0.0008571337093599141, -0.0009089221130125225, -0.0010267002508044243, -0.001099227461963892, -0.0009678024216555059, -0.0008063027053140104, -0.0007824231288395822, -0.0007995835621841252, -0.0008023660047911108, -0.0008532830397598445, -0.0007905405363999307, -0.0008208240033127367, -0.0007493103039450943, -0.0009319893433712423, -0.0009138581226579845, -0.0009446506737731397, -0.0008867823053151369, -0.0008724411018192768, -0.0008772884611971676, -0.0007489891722798347, -0.0007995725027285516, -0.0007351285312324762, -0.0006659849314019084, -0.000835711951367557, -0.0007253990042954683, -0.0007971182349137962, -0.0007477640174329281, -0.000727699778508395, -0.0007590511231683195, -0.0007717244443483651, -0.0008654264383949339, -0.0006423527374863625, -0.0006783062708564103, -0.00054098543478176, -0.0005303898942656815, -0.0005717614549212158, -0.0005767141119576991, -0.0005887662409804761, -0.0007323188474401832, -0.0008151943329721689, -0.0007715177489444613, -0.0007626342121511698, -0.0007724659517407417, -0.000638589437585324, -0.0006553272251039743, -0.0007063081138767302, -0.0005400024238042533, -0.0005008846637792885, -0.0004488179401960224, -0.00038082036189734936, -0.00030884973239153624, -0.0005357243353500962, -0.0005945477751083672, -0.00041217514080926776, -0.0005054271896369755, -0.0003379364497959614, -0.0005883210687898099, -0.0005075708031654358, -0.000538296124432236, -0.0005249077803455293, -0.0004694875970017165, -0.0005487929447554052, -0.0006054865662008524, -0.0006190142594277859, -0.0006896582199260592, -0.0008926521404646337, -0.0010195578215643764, -0.000908249756321311, -0.0011001256061717868, -0.0011183866299688816, -0.0007324684411287308, -0.0004489971906878054, -0.0005031201289966702, -0.0004939887439832091, -0.00030837772646918893, -0.0002103780716424808, -8.62475935718976e-05, -0.00016404775669798255, -7.659036782570183e-05, -8.072542550507933e-05, 8.303524373332039e-05, 0.00017679813026916236, 0.0002195719862356782, 0.00025119216297753155, 0.0002815444313455373, 0.00037417307612486184, 0.0005136140971444547, 0.00047564588021487, 0.000564460875466466, 0.0005719312466681004, 0.00043328822357580066, 0.0005317195900715888, 0.0006215948378667235, 0.0006097620935179293, 0.0005425316048786044, 0.0004067595291417092, 0.0004205104196444154, 0.00022234652715269476, 0.00030720719951204956, 0.00033779305522330105, 0.00031698483508080244, 0.00047410695697180927, 0.0003746923466678709, 0.0004924549139104784, 0.0006730834138579667, 0.0008599024149589241, 0.0009352567722089589, 0.001019225805066526, 0.0010211688932031393, 0.0009559108875691891, 0.000852830009534955, 0.0007761328015476465, 0.0008671286632306874, 0.000737288617528975, 0.0008125692256726325, 0.0008105625747703016, 0.0007923631928861141, 0.0007525366963818669, 0.0007454878068529069, 0.0008193248650059104, 0.0007554332260042429, 0.0008156081312336028, 0.0007271332433447242, 0.000717769144102931, 0.0005948610487394035, 0.0005184360197745264, 0.0004704198508989066, 0.0005466165021061897, 0.0004789989907294512, 0.00045482246787287295, 0.0006244535325095057, 0.0006245577824302018, 0.0006249196012504399, 0.0007200388354249299, 0.0007542950916104019, 0.0007120258524082601, 0.0007895720773376524, 0.0007764956681057811, 0.000678625947330147, 0.0008762265206314623, 0.0008257002336904407, 0.0007396573782898486, 0.0007877312018536031, 0.0008052752236835659, 0.0010150003945454955, 0.0011048044543713331, 0.0012042159214615822, 0.001156000653281808, 0.001227348344400525, 0.0011078455718234181, 0.0010918922489508986, 0.001213578972965479, 0.0011338605545461178, 0.0009634052403271198, 0.0010459335753694177, 0.0011807074770331383, 0.0010193962370976806, 0.0010186921572312713, 0.0011364567326381803, 0.0012389450566843152, 0.0014197351410984993, 0.0014532558852806687, 0.0012164766667410731, 0.0013656056253239512, 0.0011749046389013529, 0.0011826074915006757, 0.0011626845225691795, 0.0009249839349649847, 0.0009597414173185825, 0.0010724958265200257, 0.0013264109147712588, 0.001346162986010313, 0.001494671101681888, 0.0015509906224906445, 0.001584512647241354, 0.0014661692548543215, 0.001375160296447575, 0.0013853481505066156, 0.0015043101739138365, 0.0014065733412280679, 0.0013668262399733067, 0.0014521245611831546, 0.0016025427030399442, 0.0018264752579852939, 0.0016956060426309705, 0.0016619664384052157, 0.0016707706963643432, 0.0015834657242521644, 0.001344979158602655, 0.0012621133355423808, 0.0011913866037502885, 0.0012540520401671529, 0.0011530392803251743, 0.0010994983604177833, 0.0011365028331056237, 0.0012033064849674702, 0.0012740229722112417, 0.0012831819476559758, 0.0013190105091780424, 0.0013464597286656499, 0.001455525984056294, 0.0011893772752955556, 0.0012036277912557125, 0.0010937443003058434, 0.001087804208509624, 0.0009128631791099906, 0.0010585024720057845, 0.0009918177966028452, 0.0008953800424933434, 0.0010101213119924068, 0.0008861072710715234, 0.000980668468400836, 0.0008648796938359737, 0.0009325704886578023, 0.0008820245275273919, 0.0007811573450453579, 0.0008394836913794279, 0.0008126321481540799, 0.0011450954480096698, 0.0013429141836240888, 0.001290376647375524, 0.0014256627764552832, 0.0013885728549212217, 0.0012258908245712519, 0.0013001494808122516, 0.0012327523436397314, 0.0009478722349740565, 0.0008743705693632364, 0.0008237091242335737, 0.0006957896985113621, 0.0008444521808996797, 0.0008326302049681544, 0.0008631011005491018, 0.0008487360319122672, 0.0010218840325251222, 0.0007822389015927911, 0.0007575693889521062, 0.0007610584143549204, 0.0003828506451100111, 0.0002697920426726341, 0.00013829537783749402, 0.00017358243349008262, 0.0003706074203364551, 0.0001538851938676089, 0.0003469401563052088, 0.00020351597049739212, 3.283971091150306e-05, -3.348631435073912e-05, -0.00018233309674542397, -4.0110269765136763e-05, -4.857306521444116e-06, -0.0003072839754167944, -0.00013986548583488911, -0.00012918785796500742, -2.794313149934169e-05, 0.00017202748858835548, 3.0102193704806268e-05, -6.897938146721572e-05, -2.087345637846738e-05, -0.00016586277342867106, -0.0003408415359444916, -0.0003584086080081761, -0.00038566047442145646, -0.0002548597694840282, -0.0002658572338987142, -0.00017918238881975412, 9.262709681934211e-06, -7.681618444621563e-05, -0.00022640010865870863, -0.00033491034992039204, -0.0006450220244005322, -0.0008509033359587193, -0.0009733138722367585, -0.0009297539945691824, -0.0007518779602833092, -0.0005849546869285405, -0.0002840183151420206, -4.671908027376048e-05, 8.937245002016425e-05, 0.00014294586435426027, 5.790068826172501e-05, -8.471735782222822e-05, -0.0004345314810052514, -0.0004420634068083018, -0.00041348650120198727, -0.0004941868828609586, -0.0005726300878450274, -0.000526353542227298, -0.0003405368479434401, -0.00012157389573985711, -1.606679506949149e-05, 9.893987589748576e-05, 6.496314017567784e-05, 9.521222818875685e-05, 9.453037637285888e-05, 2.0869114450761117e-05, 5.671783583238721e-06, -0.0001740044535836205, -0.0002682156045921147, -0.00021556011051870883, -0.0002925072913058102, -0.0004885434755124152, -0.0004055037861689925, -0.0003259984077885747, -0.00026695439009927213, 0.00012901934678666294, 0.0004237484245095402, 0.00044235485256649554, 0.00025027376250363886, 0.00026052561588585377, -8.852996984387573e-07, -0.00026603860897012055, -0.0001903028751257807, -8.462293044431135e-05, -0.0003092015685979277, -0.00019100857025478035, 0.00010194723290624097, 0.00026314437855035067, 0.00039536532131023705, 0.000355135794961825, 0.0002317909529665485, 5.3137187933316454e-05, -0.0002215764397988096, -0.00029865544638596475, -0.0004253296065144241, -0.00055570068070665, -0.0004444378428161144, -0.0003153699799440801, -0.0004388346569612622, -0.0003415943356230855, -0.00021207342797424644, -0.00031819252762943506, -0.0003161985659971833, -0.00036594635457731783, -0.0005966218886896968, -0.0006656842306256294, -0.0008060653344728053, -0.0008750719134695828, -0.0009014774695970118, -0.0007143103866837919, -0.0007257871911861002, -0.00031049916287884116, -4.361823812359944e-05, -0.0002971429203171283, -0.00015350877947639674, 3.1947689421940595e-05, 7.375391578534618e-05, 7.718385313637555e-05, -3.275564085924998e-05, -0.00020465491979848593, -6.57645650790073e-05, 0.00012890696234535426, 0.00024093709362205118, 0.000396485353121534, 0.000549317745026201, 0.0006744562415406108, 0.0007878424949012697, 0.0005802044761367142, 0.00026014522882178426, 1.1731380254786927e-05, -0.0001822342601371929, -0.00044431895366869867, -0.0004942012019455433, -0.0003922996111214161, -0.00020139261323492974, 2.0232303086231695e-06, 9.744067210704088e-05, 0.00011525644367793575, -2.3592532670591027e-05, -5.951354614808224e-05, -0.00010104986722581089, 6.303326517809182e-05, -7.733513484708965e-05, -4.731567605631426e-05, 7.028524851193652e-05, 0.00015285050903912634, -4.766987694893032e-05, -0.00011212134268134832, -0.00021087590721435845, -0.0005196096026338637, -0.00045785916154272854, -0.0005039152456447482, -0.0004896486061625183, -0.0005412250175140798, -0.0005148795316927135, -0.0006040101288817823, -0.0004913922748528421, -0.0005730630946345627, -0.0006174761219881475, -0.0005762701039202511, -0.000542036141268909, -0.0005361789371818304, -0.00036697727045975626, -0.00022105824609752744, -0.00013177773507777601, -7.011439447524026e-05, 3.441891385591589e-05, 8.099829574348405e-05, -9.94988513411954e-05, -0.00033180281752720475, -0.00047295333934016526, -0.0005767056136392057, -0.000732515356503427, -0.0007752864621579647, -0.000606308167334646, -0.00028349869535304606, 9.271400631405413e-05, 0.0004206920857541263, 0.0007154983468353748, 0.0008301048655994236, 0.0006384598091244698, 0.0002924641885329038, 7.115441985661164e-05, -0.0001656833483139053, -0.0005546798929572105, -0.0004526703851297498, -0.00039463554276153445, -0.0002752694417722523, 1.4108046343608294e-05, 0.0005613007815554738, 0.000687336316332221, 0.0005511975032277405, 0.0007404086063615978, 0.0005877229850739241, 0.00025897601153701544, -4.338801227277145e-05, -7.960558286868036e-05, -5.400952431955375e-06, 0.00019836440333165228, 0.0006817018729634583, 0.0010992728639394045, 0.0014202618040144444, 0.001440539606846869, 0.0014581294963136315, 0.0011470782337710261, 0.0007370776147581637, 0.0005006970022805035, 0.00027047490584664047, 0.00014812439621891826, 8.48049676278606e-05, 0.0005159297143109143, 0.0008952461066655815, 0.0015399247640743852, 0.0019387257052585483, 0.001798344892449677, 0.0016899175243452191, 0.0012816712260246277, 0.0007575133931823075, 0.00040288898162543774, 0.00014743713836651295, -1.0908999684033915e-05, 0.0001055695756804198, 2.9440825528581627e-05, 0.0005290823173709214, 0.0010047025280073285, 0.0011272664414718747, 0.0009888710919767618, 0.0011185804614797235, 0.000980072538368404, 0.0008718812023289502, 0.000591575400903821, 0.0003208837879355997, 0.00023614558449480683, 0.00030628699460066855, 0.0004441769269760698, 0.0008387980051338673, 0.001449059578590095, 0.0018356869695708156, 0.0020617132540792227, 0.0020258536096662283, 0.0016001169569790363, 0.0011950042098760605, 0.000830412027426064, 0.00034211247111670673, -0.00024349773593712598, -0.0006405101157724857, -0.0007934349705465138, -0.0008009060984477401, -0.0005348653066903353, -3.995328734163195e-05, 0.0005185477202758193, 0.0008502000127919018, 0.000922720821108669, 0.0010359849547967315, 0.0009148628450930119, 0.0006373971700668335, 0.0002754168235696852, 0.00020147772738710046, 1.4419303624890745e-05, 0.00010554209438851103, 0.00036326408735476434, 0.0006732978508807719, 0.0008999090059660375, 0.0012270231964066625, 0.0013330868678167462, 0.0011065280996263027, 0.000681065721437335, 0.0002860640815924853, -8.259128662757576e-05, -6.053449760656804e-05, -0.0002484626311343163, -0.0002642684557940811, -0.00019043916836380959, 6.272434984566644e-05, 6.898515130160376e-05, 0.0001105594783439301, 0.00019696581875905395, -0.00012090650852769613, -0.00046541786286979914, -0.0009405211894772947, -0.0012986252550035715, -0.001349015743471682, -0.0014882746618241072, -0.0012431889772415161, -0.0008001550449989736, -0.0004860289627686143, -0.000199381000129506, -5.225214408710599e-05, 1.5223861737467814e-05, 3.8873251469340175e-05, 0.00012646963295992464, -3.368068064446561e-05, -0.0002854415506590158, -0.0003620282222982496, -0.0005757012986578047, -0.0006272486643865705, -0.0009060270967893302, -0.0008785479585640132, -0.0006229070713743567, -0.0007936992915347219, -0.000950322428252548, -0.0007478372426703572, -0.0006141753983683884, -0.00041501372470520437, -0.00034832401433959603, -0.0002667653898242861, -0.0003559449687600136, -0.0005630675586871803, -0.0005611618398688734, -0.0007883695070631802, -0.0010292463703081012, -0.0013252216158434749, -0.0013548169517889619, -0.0013196720974519849, -0.0012972949771210551, -0.0009690041770227253, -0.0009239659993909299, -0.0008363251108676195, -0.0007598780211992562, -0.0008598785498179495, -0.000812876271083951, -0.0006219681818038225, -0.00048353822785429657, -0.0005321966018527746, -0.0005474916542880237, -0.0004229182959534228, -0.0005246273358352482, -0.00025087909307330847, -0.0002848872391041368, -0.0007539747748523951, -0.0009383095894008875, -0.000989413820207119, -0.0010549962753430009, -0.0010808807564899325, -0.0009172945283353329, -0.0011903042905032635, -0.0014509526081383228, -0.0015338639495894313, -0.001551832421682775, -0.0016614996129646897, -0.0018113498808816075, -0.0014756314922124147, -0.0014459555968642235, -0.0013803044566884637, -0.0010993651812896132, -0.0011144062737002969, -0.000902201107237488, -0.0011230850359424949, -0.001031381543725729, -0.0009949078084900975, -0.001239951467141509, -0.0013463628711178899, -0.0014565729070454836, -0.001339930691756308, -0.0011025700950995088, -0.0009636536124162376, -0.0009833172662183642, -0.0011697300942614675, -0.0015917549608275294, -0.0019511050777509809, -0.0019038839964196086, -0.0016907579265534878, -0.001679130713455379, -0.0014032628387212753, -0.0017317443853244185, -0.0015022297156974673, -0.0012777658412232995, -0.0013127867132425308, -0.0010821829782798886, -0.0015211956342682242, -0.0017373571172356606, -0.00151600013487041, -0.0016131591983139515, -0.0015812444034963846, -0.0015165171353146434, -0.001349946018308401, -0.0012159493053331971, -0.001150112017057836, -0.0011415901826694608, -0.0010225073201581836, -0.001015066634863615, -0.000944461498875171, -0.0005053903441876173, -0.0006624999805353582, -0.0007612744811922312, -0.0004221531853545457, -0.0003246213309466839, -0.000477517576655373, -0.0006354911020025611, -0.0002654965501278639, -0.00033303486998192966, -0.0003352699859533459, -0.00032185445888899267, -0.00027558361762203276, -0.0005963772418908775, -0.0006754586356692016, -0.0002591244119685143, -0.0003990379918832332, -0.0005756350001320243, -0.0006251511513255537, -0.0005906543810851872, -0.0007280591526068747, -0.000737734604626894, -0.0006619221530854702, -0.0006957412697374821, -0.0006064732442609966, -0.0005851638852618635, -0.0001836778101278469, 0.00034915556898340583, 0.00023434485774487257, -6.323470006464049e-05, -0.00010534037573961541, -0.0005808460991829634, -0.0008409228757955134, -0.0006359688704833388, -0.0005254606367088854, -0.000446990568889305, -0.00034525140654295683, -0.00031237094663083553, -0.0002015697828028351, 0.00035955198109149933, 0.0004819534078706056, 0.0006525436183437705, 0.0005420806119218469, 0.00010987009591190144, -7.745487528154626e-05, -0.0002806199190672487, -0.0003896514535881579, -0.000616301957052201, -0.0007447401876561344, -0.0004664731677621603, -0.00025380722945556045, -2.8342670702841133e-05, 0.00040333246579393744, 0.0005673129926435649, 0.00028966687386855483, 0.00023018271895125508, 6.082849722588435e-06, -0.0006662473315373063, -0.0009507020004093647, -0.0005519389524124563, 5.1607548812171444e-06, 0.0003492179384920746, 0.0002774020249489695, 0.0001326450874330476, 0.0004010156844742596, 0.00031802014564163983, 0.0001277930714422837, -3.642259616754018e-05, -5.877984222024679e-05, -0.00024659608607180417, -0.00043647762504406273, -0.00040251764585264027, -4.2579882574500516e-05, 5.319940100889653e-05, 0.0003006879996974021, 0.0002593183016870171, 0.00022478649043478072, 0.00027058846899308264, 0.0005427480209618807, 0.0008561688009649515, 0.0008604462491348386, 0.0007750793593004346, 0.0008062788983806968, 0.0005807328852824867, -3.362981806276366e-05, -0.0004342923639342189, -0.0006258973735384643, -0.0007496688631363213, -0.0010741875739768147, -0.0010354974074289203, -0.0004726459737867117, -0.0004377154400572181, -0.00021239876514300704, 1.806795444281306e-05, -0.00024481938453391194, -0.0005617485148832202, -0.0005107150645926595, -0.0005116099491715431, -0.0003601025091484189, 5.876333671039902e-05, 0.0004286066396161914, 0.0002613160468172282, 3.8717978895874694e-05, 0.0001549198932480067, 7.239136903081089e-05, -7.363715849351138e-05, -0.00010610814206302166, -0.0004853559366893023, -0.000838886946439743, -0.0008149151690304279, -0.00023195461835712194, 0.00012553059787023813, 0.0005205688648857176, 0.00048255137517116964, 0.0005683882045559585, 0.0003076700959354639, -0.00015974372217897326, 1.913785126816947e-05, 0.0002456833026371896, 0.00025983978412114084, -0.0003272253379691392, -0.0005562177975662053, -0.0007086374098435044, -0.0010749135399237275, -0.0009232492302544415, -0.0004445191298145801, 4.160390381002799e-05, -8.171481908902933e-07, 0.00027560858870856464, 0.00046755257062613964, 0.00030325425905175507, 0.0004045518289785832, 0.0005157457781024277, 5.131663056090474e-05, -0.0004879534535575658, -0.000994534115307033, -0.001309096347540617, -0.000814757717307657, -7.396860019071028e-05, 0.0006131097325123847, 0.0007595138158649206, 0.00045255941222421825, 0.0003569647087715566, -3.932803520001471e-05, -0.0006358134560286999, -0.0003787653986364603, -0.0003333606000524014, -0.0002940762788057327, -0.00016766073531471193, -1.2826004649468814e-06, 0.0002626778441481292, 0.000496536900755018, 0.0005654371925629675, -0.00011057678057113662, -0.0009187980904243886, -0.0014178614364936948, -0.0017338674515485764, -0.001513197785243392, -0.0009202856454066932, -0.00013469507393892854, 0.0006624591769650578, 0.0007053151493892074, 0.0007309742504730821, 0.0003300921234767884, -0.00023767328821122646, -0.0008345451205968857, -0.001057906891219318, -0.0011929449392482638, -0.0012659224448725581, -0.0006825802847743034, 0.0001562010875204578, 0.000549845106434077, 0.001263463287614286, 0.0017028762958943844, 0.001275925780646503, 0.0005301278433762491, 0.00042239416507072747, 0.00025630524032749236, -3.157569881295785e-05, 2.8056321752956137e-05, -0.0001938131172209978, -0.0010123918764293194, -0.0012986228102818131, -0.0010947479167953134, -0.0008400686201639473, -0.0007819983293302357, -0.00022674545471090823, -0.00032972911139950156, -0.0007693295483477414, -0.00040749117033556104, 3.0403041819226928e-05, 0.00022663357958663255, 0.00032489190925844014, 0.0002537147665861994, -0.0002713122812565416, -0.0005368107813410461, -0.0005139957647770643, -0.0005764007801190019, -0.00019555521430447698, 0.00019114307360723615, 0.00018664557137526572, 0.00017213549290318042, 0.00025597200146876276, 0.00047379950410686433, 0.00030257852631621063, 7.06725477357395e-05, 1.8645792806637473e-05, -0.0005902032717131078, -0.000768328900448978, -0.0008346485556103289, -0.0006438415730372071, -0.00027341264649294317, -9.880088327918202e-05, -0.0002584236499387771, -0.0005701031186617911, -0.0010025902884081006, -0.0016718868864700198, -0.0018862144788727164, -0.0024044052697718143, -0.0027001488488167524, -0.0019963134545832872, -0.001524147461168468, -0.001167217385955155, 9.500110172666609e-05, 0.0012883155141025782, 0.0014801742509007454, 0.0006125450599938631, -7.059584459057078e-05, -0.000868248229380697, -0.001868961495347321, -0.0021449842024594545, -0.001493128133006394, -0.0011015362106263638, -0.0008257259032689035, -0.0003631743020378053, 0.0005498637328855693, 0.0011821059742942452, 0.0011886899592354894, 0.0009030413930304348, 0.00019768718630075455, -0.000725972990039736, -0.0017148726619780064, -0.0016611202154308558, -0.0013350315857678652, -0.0005524381413124502, 0.00037871510721743107, 0.0008671644609421492, 0.0011132057989016175, 0.0004896845784969628, 0.0001293616514885798, -0.0001585214922670275, -0.00040067851659841835, -0.0010561638046056032, -0.0013011358678340912, -0.0007674655062146485, -0.0006668768473900855, -0.0003189357230439782, 0.0003593032306525856, 0.0008307385141961277, 0.0009305588901042938, 0.0005738328327424824, -7.981323142303154e-05, -0.0003529596433509141, -0.0007592026377096772, -0.0008088159374892712, -0.0005343765369616449, 0.00017632580420468003, 0.0005389339639805257, 6.03426196903456e-05, -2.7700500140781514e-05, -1.4344095689011738e-05, -0.00016873463755473495, 4.696837640949525e-05, 0.00018522453319747, -0.0005195518024265766, -0.0010315276449546218, -0.0004459433548618108, 0.000160050971317105, 0.0002616178535390645, 0.000528666190803051, 0.0008990526548586786, -0.0002132439403794706, -0.0008509187609888613, -0.0009635513997636735, -0.0014016019413247705, -0.0012731750030070543, -0.0007706827600486577, -0.0003919136361218989, -0.0004688272310886532, -0.00025181175442412496, 0.0005106432945467532, 0.0006409465568140149, 0.0004446872335392982, 0.0007813192787580192, 0.0009445164469070733, 0.0005173269310034811, -7.092618761816993e-05, -0.0005392238381318748, -0.0007466424722224474, -0.0009646081016398966, -0.00037324256845749915, 8.064846770139411e-05, -0.00031101502827368677, -0.0004504000535234809, -0.00025558940251357853, -0.00011788069241447374, -0.00022456084843724966, -0.00018487212946638465, 3.2606610602670116e-06, 0.0003470863157417625, 0.0009076975402422249, 0.0010285226162523031, 0.0010483815567567945, 0.0008215084671974182, 0.0005238145240582526, 0.0004945337423123419, 0.0005417175707407296, 0.000177319860085845, -0.000290180672891438, -0.0006067040376365185, -0.0007999977678991854, -0.0005916909431107342, -1.8301083400729112e-05, 0.0005541688296943903, 0.0012065201299265027, 0.0009362226701341569, 0.0006460059667006135, 0.0008541679126210511, 0.0011710872640833259, 0.0008769442210905254, 0.0007781325839459896, 0.0012984704226255417, 0.001474382122978568, 0.0011873383773490787, 0.0012060763547196984, 0.0011513069039210677, 0.0006235890905372798, 0.00018049104255624115, -3.0503812013193965e-05, -0.0004412369744386524, -0.0007393013802357018, -0.00019776927365455776, 0.0001693770900601521, 0.0005769199342466891, 0.0011064809514209628, 0.001287179416976869, 0.0011148592457175255, 0.0012178559554740787, 0.0017604728927835822, 0.001395983388647437, 0.0007982689421623945, -0.00022343476302921772, -0.0006799715338274837, -0.0007155274506658316, 4.511482620728202e-05, 0.0010415337746962905, 0.0010217702947556973, 0.0006893475074321032, 0.001148367184214294, 0.0019353582756593823, 0.0020733531564474106, 0.002091982401907444, 0.0011911940528079867, -0.00010447378735989332, -0.0007396859582513571, -0.00045669646351598203, 2.0081640794700206e-09, 0.00013621182006318122, 0.00028044986538589, 0.0002970587520394474, 0.00047851260751485825, 0.0011004548287019134, 0.0018701435765251517, 0.0011652758112177253, 5.051407060818747e-05, -6.693111208733171e-05, 0.00025019029271788895, 0.00021426779858302325, 0.0005008621956221759, 0.0009893268579617143, 0.0014307607198134065, 0.0013473755680024624, 0.0017922637052834034, 0.0020080087706446648, 0.0009715880150906742, 0.0002007921430049464, -8.448063454125077e-05, 1.1192970305273775e-05, 0.00014924151764716953, 0.0006718125659972429, 0.0018077119020745158, 0.002002486027777195, 0.0011432728497311473, 0.0008897089282982051, 0.001263953628949821, 0.0006939736776985228, -0.0007103247917257249, -0.0007175148348324001, 3.762937194551341e-05, 0.0001639007532503456, 0.0006745921564288437, 0.0017572413198649883, 0.0022426359355449677, 0.001272618304938078, 0.0002589129435364157, -0.0007636394002474844, -0.0012985174544155598, -0.0010595341445878148, 0.00013025591033510864, 0.0006168566760607064, 0.0002177895075874403, 0.0004329286457505077, 0.0009426016476936638, 0.0008982465951703489, 0.0007950883009470999, 0.0006642744410783052, 0.0005491080810315907, 0.00036619845195673406, 0.0003263107792008668, 0.0008266682270914316, 0.0014205839252099395, 0.001583716250024736, 0.0013433733256533742, -1.379613604512997e-05, -0.000662649457808584, -1.7573172954143956e-05, 0.0002138654381269589, 0.00013578502694144845, 0.0008672349504195154, 0.0011805790709331632, 0.001349946134723723, 0.0015486131887882948, 0.0013643400743603706, 6.071769166737795e-05, -0.0005483651184476912, 0.0002002489345613867, 0.0003508202207740396, 0.00011914371862076223, 0.00045318290358409286, 0.0008665950736030936, 0.0005530034541152418, 0.0006668712012469769, 0.0009514911216683686, -0.00011692321277223527, -0.00148295727558434, -0.0013986002886667848, -0.0006799997063353658, -0.00037170801078900695, 0.0005544460727833211, 0.002023078268393874, 0.0020355035085231066, 0.0015390923945233226, 0.0018495101248845458, 0.00264923763461411, 0.002387050073593855, 0.0010134499752894044, -0.0001753247925080359, -0.0011063049314543605, -0.0016565966652706265, -0.0008341012289747596, 0.0002952827198896557, 0.000545576389413327, 6.176369060995057e-05, -0.00013340952864382416, -0.0002799228532239795, -0.00016778365534264594, -0.000519706925842911, -0.00031656003557145596, -0.0002464033314026892, -0.000948815664742142, -0.0009023256134241819, -0.00016345386393368244, 0.0007564535480923951, 0.00134567660279572, 0.0014044578419998288, 0.0013794911792501807, 0.00046949845273047686, -0.00021839766122866422, -0.0007641103584319353, -0.0016490337438881397, -0.0021494522225111723, -0.00112646643538028, -0.00043838683632202446, -0.0001522103266324848, 0.0006335671641863883, 0.0014827190898358822, 0.001950166537426412, 0.0011843288084492087, 0.0007243122672662139, -0.0004148209118284285, -0.0016474914737045765, -0.0017147819744423032, -0.0009988256497308612, 0.00014234714035410434, 0.000944350438658148, 0.0010597327491268516, 0.000777439447119832, 7.982466922840104e-05, -0.0005663501215167344, -0.000601645209826529, -0.0005883635021746159, -0.00019818703003693372, 0.00038254467654041946, 0.00028110749553889036, -0.00017450960876885802, -6.381457205861807e-05, 0.00016047191456891596, 0.0006407740875147283, 0.0009015945252031088, 0.0011706098448485136, 0.0004521139489952475, -0.000407962390454486, 0.00017160913557745516, 0.0014700075844302773, 0.0021563482005149126, 0.0011871246388182044, 0.0005554549279622734, -0.0003506599459797144, -0.0013694509398192167, -0.002126560779288411, -0.0010569605510681868, 1.0776217095553875e-05, -6.429626955650747e-05, 0.00021483097225427628, 0.0007011496927589178, 0.00036217892193235457, -0.00041915237670764327, -0.00044561948743648827, -0.0007489229319617152, -0.0014263734919950366, -0.0016260845586657524, -0.0016061161877587438, -0.0008981276187114418, -0.001016622525639832, -0.0009775933576747775, 0.0005451836041174829, 0.0015096772694960237, 0.0007501094951294363, 0.00019786872144322842, 0.00042571776430122554, -0.00039594052941538393, -0.0005861222743988037, 0.0004908071714453399, 0.0016503253718838096, 0.0011362094664946198, 0.00111570511944592, 0.001854411675594747, 0.0004917852347716689, -0.0011108879698440433, -0.0008434397168457508, -0.0004756864800583571, -0.0012824382865801454, -0.0011553762014955282, -0.0009903947357088327, -0.001570437685586512, -0.0007990439189597964, 0.0002819663204718381, 0.00013823741755913943, -0.0006789339822717011, -0.0006259268266148865, -0.0006605540402233601, -0.0008987290202639997, -0.00015156234439928085, 0.0016302342992275953, 0.0009604553342796862, 1.6349638826795854e-05, -0.00015807875024620444, -6.264362309593707e-05, -0.0008583383169025183, -0.0011699091410264373, -0.0012888514902442694, -0.0008910016040317714, -0.0004515322216320783, 0.0005103205912746489, 0.001146454131230712, 0.00015902542509138584, 0.00044872474973089993, 0.0010942508233711123, -0.00011538243415998295, -0.0019426563521847129, -0.000447641039500013, 4.49105427833274e-05, -0.001981720793992281, -0.002334269694983959, -0.000477028515888378, -6.908911745995283e-05, -0.0014583544107154012, -0.0006762669654563069, -0.0006692130700685084, -0.0022322279401123524, -0.0021769001614302397, -2.66337810899131e-05, 0.0011541437124833465, 0.0006024273461662233, 0.0009608883410692215, 0.0006949000526219606, 5.971729115117341e-05, -0.0006315605132840574, -0.0003361879207659513, 0.00011005537817254663, -0.0003861735458485782, -0.001177875674329698, -0.0004836416628677398, 0.00014322885544970632, -0.0001285714824916795, 0.0010870976839214563, 0.0012651565484702587, 0.00016187061555683613, -0.0006574055878445506, -0.0005888879531994462, -0.0008008170989342034, -0.0010791838867589831, -0.00034636849886737764, -0.0002984542225021869, -0.0005381138762459159, -0.000700372620485723, -0.0004822621413040906, -0.00037767397589050233, 0.0006928809452801943, 0.0009721839451231062, 0.0007740920409560204, -0.00012072655954398215, -0.0006187951075844467, -0.00036820932291448116, -0.0008399951038882136, -0.0005561017896980047, 0.0005770954303443432, -0.00040945436921902, -0.0011316376039758325, -0.0001232959475601092, -0.00013534868776332587, -0.00030110400984995067, -8.946372690843418e-05, 0.0003789457550738007, -4.4472533772932366e-05, -0.0006290376768447459, -0.0008855484775267541, -0.00132744200527668, -0.00031660779495723546, 0.0003803357540164143, 0.0003801757120527327, 8.71508673299104e-05, -0.0003235133190173656, -0.0009583814535290003, -0.0007820843602530658, -0.00012812622298952192, -0.0002581744047347456, -0.0011071650078520179, -0.0017659536097198725, -0.0016978653147816658, -0.0012996854493394494, -0.0003101002948824316, 5.5577369494130835e-05, 0.00077767827315256, 0.0019489889964461327, 0.001019860035739839, -0.00031032745027914643, 6.54977629892528e-05, 0.0010838656453415751, 0.0004374198615550995, -0.0005662948242388666, -0.0002120795688824728, -8.973290823632851e-05, -0.0009502698085270822, -0.0007637909729965031, 0.0011537743266671896, 0.000819555833004415, -0.0002928513858933002, -0.0007289008353836834, -0.0013180819805711508, -0.0021432291250675917, -0.0013605235144495964, 0.0008940838160924613, 0.0010766007471829653, -0.0003511873073875904, 0.0002500599657651037, 0.0010641394183039665, 0.0009312374168075621, 0.0016264979494735599, 0.0027299767825752497, 0.0004827185766771436, -0.0019467236706987023, -0.0005883218836970627, 0.0005828394205309451, 0.0006156535819172859, 0.0014935709768906236, 0.0013197859516367316, -0.0011100656120106578, -0.002262372989207506, -0.001115294056944549, 3.3626311051193625e-05, 0.0005313305300660431, 0.0020579879637807608, 0.001775697455741465, -0.00048157238052226603, -0.002249811077490449, -0.0009810487972572446, -6.320628017419949e-05, -0.0009015785180963576, 0.00023315211001317948, 0.0006614539306610823, -0.0013173717306926847, -0.002302575157955289, -0.0008223613840527833, 0.0013105578254908323, 0.0003578369505703449, -0.0003092926926910877, -0.0005274990107864141, -0.0017698263982310891, -0.0017605256289243698, 2.4979955924209207e-05, 0.0025960358325392008, 0.003144656540825963, 0.002216165652498603, 0.0012199076591059566, 0.0002649461675900966, 1.1928866115340497e-05, 0.00029925137641839683, 0.0004741597513202578, 0.00010005787044065073, -0.0006542184273712337, -0.000840463675558567, -0.00021805147116538137, -0.0008223912445828319, -0.000555634789634496, 0.0006350798066705465, 0.0006644114037044346, -0.000314634497044608, -0.0009940365562215447, -0.0017160732531920075, -0.0021096975542604923, -0.0012773772468790412, 0.000189697282621637, 0.0019557049963623285, 0.002093713730573654, -8.989971684059128e-05, -0.0017890800954774022, -0.0011696029687300324, -0.0003936549474019557, -0.0008375265751965344, 0.0004972398746758699, 0.0013577239587903023, -0.0015959927113726735, -0.0032061843667179346, -0.0004672846698667854, 0.0005310055566951632, -0.0007741876761429012, -2.3815395252313465e-05, -4.53354514320381e-05, -0.003001146949827671, -0.002722698962315917, 0.0006035987171344459, 0.0013456180458888412, 0.0003842640435323119, 0.0016566868871450424, 0.0006255869520828128, -0.0015507721109315753, -0.0010872718412429094, -0.0002520002017263323, -0.0015063959872350097, -0.0017973011126741767, -0.0005441614193841815, -0.0010291488142684102, -0.0008836383349262178, 0.00013807127834297717, 0.0005862537072971463, -8.406704000663012e-05, -0.0004995703930035233, -1.790537135093473e-05, -0.0001970918820006773, -0.00045570728252641857, -0.00018089030345436186, 0.0006931661046110094, 0.0007127670105546713, 7.225467561511323e-05, -0.0007575572235509753, -0.0013586115092039108, -0.00156359130050987, -0.002642077626660466, -0.0031046345829963684, -0.0016466989181935787, -0.0013231720076873899, -0.0029699860606342554, -0.0015468933852389455, 0.00045681887422688305, 0.0008164737955667078, 0.0014378849882632494, 0.0020063850097358227, -0.0007517337216995656, -0.0021461208816617727, 0.0006861267611384392, -6.216850124474149e-06, -0.0007289012428373098, -0.0012939744628965855, -0.002541518770158291, -0.004517098888754845, -0.0029586143791675568, 0.0004359366721473634, 0.0006402288563549519, 8.015995263122022e-05, 8.9292399934493e-05, -4.8304318625014275e-05, -0.002198489150032401, -0.0017133275978267193, -0.00021715716866310686, -0.00032937483047135174, -0.0004304411995690316, -0.0005898303934372962, -0.0017134746303781867, -0.0021109648514539003, 0.0003256889758631587, 0.0014618670102208853, 0.000602184038143605, -0.00019604273256845772, -0.0018302829703316092, -0.004059177823364735, -0.004266073927283287, -0.0020489259622991085, 0.0002120557619491592, 0.0010730542708188295, 0.0010119648650288582, 0.0005878927768208086, -0.000632038339972496, -0.001566574675962329, -0.001201466890051961, -0.0008425827254541218, -0.0009994598804041743, -0.0011200123699381948, -0.0016752403462305665, -0.002341877669095993, -0.0018855900270864367, 0.0006489164079539478, 0.0026462485548108816, 0.0007212384953163564, -0.0010086747352033854, -0.0009679953218437731, -0.0029380577616393566, -0.003363444237038493, 0.0005061182309873402, 0.0028032155241817236, 0.00174905511084944, -0.0001314120745519176, -0.0005935163353569806, -0.0009222683147527277, 7.975826156325638e-05, 0.0021503670141100883, 0.0014993064105510712, -0.0014877847861498594, -0.0020263774786144495, -0.0013490262208506465, -0.00019527217955328524, 0.0027263013180345297, 0.003461288521066308, 0.0009257129277102649, -0.00211785058490932, -0.0019893699791282415, -0.0015513357939198613, -0.0015800573164597154, 0.0008103538420982659, 0.0022569901775568724, 0.0015043577877804637, 0.0004017150786239654, 0.0006909180665388703, 0.00016742943262215704, 0.00140849850140512, 0.004102690145373344, 0.00288518238812685, -0.0009027323685586452, -0.0015180957270786166, -0.0009739091619849205, -0.002365271793678403, -0.002069709124043584, 0.0005482419510371983, 0.0005474619101732969, -0.0010069998679682612, -0.0009790024487301707, 0.0003478772414382547, 0.001784987049177289, 0.002474685199558735, 0.0026211116928607225, 0.0020114954095333815, 0.0004454526351764798, -0.0012698081554844975, -0.0014212863752618432, 1.9909544789697975e-05, 0.0002531845821067691, -0.00047497055493295193, -0.00016940633940976113, 0.0014408116694539785, 0.0021948746871203184, 0.000513545295689255, 0.0005675192805938423, 3.908437065547332e-05, -0.001461741398088634, -0.0019142082892358303, -0.0010225261794403195, -8.201548189390451e-05, -4.5427782424667384e-06, 0.0014007488498464227, 0.0026243848260492086, 0.0018648161785677075, 0.0008368747658096254, 0.0008694268763065338, 0.0006587652023881674, -0.001443359418772161, -0.001177205122075975, 0.0003944153431802988, -0.00012877611152362078, -9.0817928139586e-05, 0.000766902812756598, 0.0014430084265768528, 0.0015748280566185713, 0.002630239352583885, 0.002271473640576005, 0.0006137786549516022, -0.00023247336503118277, 4.401728801894933e-05, 0.000948585569858551, 0.0017717205919325352, 0.0018476936966180801, 0.0007959252106957138, -0.00038156891241669655, -5.297893221722916e-05, 0.0006203418597579002, 0.001447887159883976, 0.001572372275404632, 0.0014287224039435387, 0.0016644751885905862, 0.000847396906465292, 0.00022021945915184915, -1.6373506923628156e-06, 0.0006765609723515809, 0.0010702500585466623, 0.0011356447357684374, 0.002134551526978612, 0.001515266252681613, 0.002002787310630083, 0.002623034408316016, 0.0020880987867712975, 0.0011172409867867827, 0.0012459791032597423, 0.0003717968938872218, -0.0006527805235236883, 5.917376256547868e-06, 0.0009447287302464247, 0.0027892552316188812, 0.0052033038809895515, 0.004749366082251072, 0.0023047353606671095, 0.00249269581399858, 0.0024606550578027964, 0.0012881695292890072, 0.0009930947562679648, 0.0003869196225423366, -0.0004968599532730877, -0.0007353063556365669, 0.00023896120546851307, 0.000846904469653964, 0.0012359106913208961, 0.001504426123574376, 0.00034901429899036884, -0.0009112312109209597, 0.0003837166877929121, 0.001195029355585575, 5.812197923660278e-05, -0.00013039010809734464, 0.001305056270211935, 5.951127968728542e-05, -0.0009700083755888045, 0.0014115404337644577, 0.003306363942101598, 0.0006483002216555178, -0.0007762450259178877, 0.0007543563842773438, 0.0012048222124576569, 0.000228477394557558, -3.1584866519551724e-05, 0.0019090104615315795, 0.0013600881211459637, -0.0015468447236344218, 0.0006607389077544212, 0.00397479347884655, 0.0019173520850017667, 0.0014351001009345055, 0.0015046760672703385, 0.0013215083163231611, -0.00013727830082643777, 0.0006788107566535473, 0.0006961061735637486, -0.001503787119872868, -0.0005583500606007874, 0.0010950412834063172, 0.0027098285499960184, 0.0018851552158594131, -0.0003669869329314679, -0.0013798428699374199, -0.0006543166236951947, -0.00021961377933621407, -9.735288585943636e-06, 0.0017904528649523854, 0.002216663910076022, 0.0001863466459326446, 0.0002615424746181816, 0.0023913420736789703, 0.002200506627559662, 0.001646661665290594, 0.0015709782019257545, 0.0005262500490061939, 0.00011830534640466794, 0.0007885117083787918, 0.0001725417241686955, -0.00020462664542719722, 0.00045671084080822766, -0.00022268413158599287, -0.0013405659701675177, -0.001298534101806581, 9.883427992463112e-05, -0.0002722940989769995, -0.002845069393515587, -0.002642920473590493, -6.982470495131565e-06, 0.0012531024403870106, -0.0005425761919468641, 0.00022317300317808986, -0.000959532568231225, -0.002903723157942295, -0.0016184664564207196, 2.106365627696505e-06, -0.0003647106350399554, -0.000942004204262048, 0.0009536754223518074, 0.0011673759436234832, 0.0007502065855078399, 0.0018543550977483392, 0.0014858358772471547, -0.0012718553189188242, -0.0023404681123793125, -0.00033656368032097816, -0.0009111710824072361, -0.002711634384468198, -0.0005915227811783552, 0.0017020683735609055, 4.384939165902324e-05, -0.0011797446059063077, 0.0007945775869302452, 6.609802221646532e-05, -0.0014701224863529205, -0.0014711901312693954, -0.0006675317999906838, 0.0009145148214884102, 0.0015293286414816976, 0.00067882239818573, -0.0018317796057090163, -0.0007794584962539375, -0.00038159219548106194, 0.0005221943138167262, 0.00022759631974622607, -0.0015852656215429306, -0.001267099054530263, -0.0019055288285017014, -0.0010466729290783405, 0.0004677299002651125, 0.0015845568850636482, 0.0010906643001362681, -0.0004180112446192652, -0.002059915801510215, -0.003634960623458028, -0.0014330596895888448, 0.0020981417037546635, 0.003909803461283445, 0.0020319633185863495, -0.00020155709353275597, -0.00020059640519320965, -9.801067790249363e-05, -0.00020306122314650565, -0.0007285198662430048, -0.0001529692963231355, -0.001010247622616589, -0.0033522762823849916, -0.0022567035630345345, 0.0005058597307652235, 0.0003549013053998351, 0.0006993560818955302, 0.0022787542548030615, -0.0015642967773601413, -0.0032417243346571922, 0.00010505826503504068, -0.00040398421697318554, -0.0011766328243538737, 0.0006718139047734439, 0.0016623176634311676, 7.2560302214697e-05, -0.00043703001574613154, -0.0007005666266195476, -0.001252323854714632, -0.0016698623076081276, -0.0005389399011619389, 0.0018741587409749627, 0.001681400928646326, 0.002371032489463687, 0.0016666492447257042, -0.00023679103469476104, 0.0009060446172952652, 0.001056276960298419, 0.00022602018725592643, 9.377197420690209e-05, -0.00013449146354105324, 0.0010319406865164638, 0.0012623118236660957, 0.0022225116845220327, 0.0033479139674454927, 0.0016865385696291924, 0.00020743157074321061, 0.00042993889655917883, 0.00015474528481718153, -0.0002641694154590368, -0.000293446151772514, -0.0002769460843410343, -0.0006225571851246059, 0.0005144840688444674, 0.0017344556981697679, 0.00039500652928836644, 0.0006306144059635699, 0.000939327001105994, -0.0006822302821092308, 0.0004945683176629245, 0.0013241608394309878, -0.0007841936312615871, -0.001658614375628531, 1.8060205547953956e-05, 0.0014119908446446061, 0.0016502540092915297, 0.0016042155912145972, 0.00019372286624275148, -0.000694995978847146, 0.0007950357394292951, 0.0014701480977237225, 0.00048128224443644285, -0.0010153669863939285, -0.000570278090890497, 0.00038174379733391106, 0.00025992788141593337, 0.00071271340129897, 0.0011369024869054556, 0.0004690476635005325, -0.0006660752114839852, 0.00018340660608373582, -0.00021493453823495656, -0.0013219224056228995, -0.001543404650874436, -0.0022047616075724363, -0.0001888946135295555, 0.001998938387259841, 0.003438130021095276, 0.002082300838083029, -0.0011589002097025514, 4.973722025169991e-05, 0.001960614463314414, 0.0007906995597295463, -0.0005693871644325554, 0.00021524484327528626, -0.0007155158673413098, -0.00134727091062814, 0.00018465609173290431, 0.0007735961116850376, 0.0014135478995740414, 0.0007244665175676346, -1.605892066436354e-05, 0.00011098841787315905, 0.001132866251282394, 0.0012476792326197028, 0.00042279050103388727, 0.00047488571726717055, 0.0009935303824022412, 0.0016571292653679848, 0.0007716126856394112, 0.0008304035291075706, 0.002042667008936405, 0.0009167934185825288, 0.00023137207608669996, 0.0004246937169227749, 0.00044474450987763703, 0.000671450630761683, -0.0009259498328901827, -0.0011730421101674438, 0.0005571406218223274, 0.0006354823708534241, 0.0005997517146170139, 0.00023909739684313536, 0.0008542424184270203, 0.0008607232011854649, -9.574471732776146e-06, 0.0007726641488261521, 0.0004965535481460392, -0.00041166803566738963, 2.273406062158756e-05, 0.00012611305282916874, -0.0012667322298511863, 0.00177058856934309, 0.004270792473107576, 0.0018851099302992225, 0.0011890733148902655, 0.0007018561009317636, -0.0008273013518191874, -0.0011464523850008845, -7.155405182857066e-05, -0.00016451417468488216, -0.0004251940408721566, -0.0005410931771621108, 0.000190860650036484, 0.0018516541458666325, 0.0017824099631980062, -0.00013595052587334067, -0.001998758176341653, -0.002189840190112591, -0.0015386661980301142, -0.0004907954134978354, 0.0006411325884982944, -0.0006836752290837467, -0.0017075622454285622, -0.0006073468248359859, 0.00022049027029424906, 0.0010037237079814076, 0.0004985798732377589, 0.00042059837142005563, -0.0015332576585933566, -5.0059832574333996e-05, 0.002535817679017782, 0.0015140658942982554, 0.0023198125418275595, 0.0022646046709269285, 0.0011931202607229352, -0.0026924978010356426, -0.0027436120435595512, -0.00016328231140505522, 8.607697964180261e-05, -0.0003378780384082347, -0.0003936582070309669, 0.000543530797585845, 0.000617663434240967, 0.0012641416396945715, -0.0011374956229701638, -0.0005678125889971852, 0.0010653475765138865, -0.0006248043500818312, -0.0003691626188810915, 0.000997827504761517, 0.0015617634635418653, -0.0005245482316240668, 0.001491767237894237, 0.004613265860825777, 0.002759115770459175, 0.0011030809255316854, 0.001896146684885025, 0.0006819309783168137, -0.0008077954989857972, 0.00293631199747324, 0.002384740160778165, -0.0001500818761996925, 0.0007153358892537653, 0.0012125299545004964, 0.0005499808466993272, 5.617990609607659e-05, 0.001822733785957098, 0.00019392107788007706, -0.001307581551373005, 0.0004930958966724575, 0.00033471628557890654, 0.0002646164793986827, -0.0004281077708583325, -0.00022983003873378038, -0.0012527583166956902, -0.001039443421177566, -3.555610601324588e-05, -0.00086985994130373, -0.0008442236576229334, -0.0017732232809066772, 0.0010034501319751143, 0.002387079643085599, 0.0015505447518080473, 0.0002349543501622975, -0.0004377356090117246, 2.7723970106308116e-06, -0.00012945535127073526, -0.0016584739787504077, -0.0009588021785020828, 0.0006154759903438389, -0.0016856436850503087, -0.002301937434822321, -0.0005360610666684806, -5.263135608402081e-05, -0.0011753231519833207, -0.0003903443575836718, -0.0023824751842767, -0.005999797023832798, -0.0022921019699424505, -0.0003831844078376889, -0.0014930014731362462, -0.000920572318136692, 0.0010923532536253333, -0.0013185107382014394, -0.0030888209585100412, -0.00036090408684685826, -0.0010186834260821342, -0.0010611593024805188, -0.00042442261474207044, -0.00018702259694691747, -0.0015374693321064115, -0.0008006905554793775, 0.001043260213918984, -0.00045157226850278676, -0.0007541960221715271, -0.0011298727476969361, -0.0019699844997376204, -0.0013060380006209016, 0.00014088403258938342, -0.0003825260209850967, -0.00037559718475677073, 0.0019350588554516435, 0.0014388087438419461, 0.0005818833014927804, 0.00031686577131040394, -0.000755592598579824, -0.0008883558330126107, -0.0024205741938203573, -0.0023517163936048746, -0.001177119673229754, 0.0005305225495249033, -0.0008040420361794531, -0.0023063484113663435, -0.0005888086743652821, 0.0004708213673438877, 0.002383178798481822, 0.0017123393481597304, 0.0014764146180823445, -1.7248190715690725e-06, -0.0012559219030663371, -0.0004347102658357471, -0.00025437099975533783, -0.0011998364934697747, -0.004081921186298132, -0.0009744297130964696, 0.0009157531312666833, -0.0010437400778755546, -0.0011769841657951474, 0.001241967547684908, 0.0021721103694289923, -0.0014548676554113626, -0.0013707096222788095, -0.0006233867025002837, -0.0017380124190822244, -0.002429083688184619, -0.001982768764719367, -0.0011136418906971812, -0.00041908505954779685, 0.0014754628064110875, 0.002081147162243724, 0.0020049449522048235, 0.00047928254934959114, -0.00024066273181233555, -0.00016519782366231084, -0.002032948425039649, -0.001654120278544724, -0.0005992380320094526, -0.0012650631833821535, -0.0004339659062679857, 0.0005177028942853212, 0.0016987654380500317, 0.0007600983954034746, 0.0006396571407094598, 0.0012959784362465143, -0.0003904550976585597, -0.001156364567577839, -0.0006706465501338243, -0.000719322357326746, -0.0022380489390343428, -0.00031337165273725986, 0.0010175438364967704, -0.0016698222607374191, -0.0015072837704792619, 0.0003830639470834285, 3.3127289498224854e-06, -0.0010802013566717505, 0.0018521283054724336, 0.0016322581795975566, -0.002303512068465352, -0.00020201779261697084, 0.0031393433455377817, 0.0005379887879826128, -0.0025396954733878374, 0.0005397920613177121, 0.0008499352843500674, -0.0034483063500374556, -0.0016289622290059924, 0.003998976666480303, 0.003535323543474078, 0.0001713868696242571, -0.0002855026687029749, 0.0003935644926968962, 0.0011380070354789495, 0.0009386748424731195, 0.0013645511353388429, 0.00044441138743422925, -0.0018955961568281054, -0.0014455242780968547, -0.0005644829361699522, 0.0003949431120418012, 0.0005802818923257291, -0.0002446564903948456, 0.0004545988922473043, 0.0007022481877356768, 0.0006905760383233428, 0.001502403523772955, 0.000599558581598103, -0.0005637333379127085, -0.0013928202679380774, 0.0007929271087050438, 0.0017405766993761063, 5.890319516765885e-05, 0.0007273019291460514, 0.0019357814453542233, 0.0013413728447631001, 0.0009232447482645512, 0.004527215845882893, 0.0033000155817717314, -0.0012921043671667576, -0.0002739427436608821, 0.001903289114125073, 0.0002389942528679967, -0.0020253616385161877, -0.00021569144155364484, -0.00013445752847474068, -0.001787448301911354, 0.0009581022313795984, 0.0021399911493062973, -0.0001609971368452534, -0.0006099743186496198, 0.0008133825031109154, -0.001046473509632051, -0.0027671693824231625, 0.0008082594722509384, 0.0031954499427229166, 0.001940051675774157, -0.0007675499655306339, -0.0006332747871056199, 0.0003544091305229813, 0.0008283391944132745, 0.00036558284773491323, -0.000932325201574713, 0.0005100212292745709, 0.0010742623126134276, -4.052731310366653e-05, -0.0029372619464993477, -0.0028537113685160875, 0.00040632206946611404, 0.0020537220407277346, -0.0005021098186261952, -0.0014426312409341335, 0.0013457173481583595, 0.0012776311486959457, -0.0016421317122876644, -0.002947599859908223, 0.0007028533727861941, 0.0013139942893758416, -0.001638867543078959, -0.003499406622722745, -0.0026511065661907196, -0.0016704529989510775, 3.693667895277031e-05, 0.002253752900287509, 0.00032135125366039574, -0.0006180745549499989, -0.00035848707193508744, -0.002060736296698451, -0.0015843198634684086, 0.0018506095511838794, 0.0019706308376044035, 0.0008055039215832949, -0.0006299401866272092, -0.0007432967540808022, 0.00016370596131309867, 0.00032594241201877594, -0.0009595200535841286, -0.0002525772724766284, -0.0006519908201880753, -0.0014154491946101189, -0.0024408872704952955, -0.0016912659630179405, 0.0005489372415468097, 0.0010056871687993407, 0.0003783038118854165, -0.0010339529253542423, -0.001999699044972658, -0.0017782209906727076, -0.0006399330450221896, -0.001440572552382946, -0.0009402534342370927, -7.584629929624498e-05, -0.0016080840723589063, -0.0022010987158864737, -0.0004114611947443336, 0.001106836600229144, 0.0018883044831454754, 0.0009425000171177089, -0.0013551688753068447, -0.0029383799992501736, -0.0026986338198184967, -0.0007847417728044093, -0.0008750113192945719, -0.0007858164026401937, 0.0006103445193730295, -0.0010701739229261875, -0.002521774498745799, -0.00023633944510947913, 0.0008093148353509605, 1.4729382201039698e-05, -0.0007436403539031744, 0.00015515187988057733, 0.0005041203112341464, -0.0008499950054101646, -0.002338844584301114, -0.0011112676002085209, 0.0013263121945783496, 0.0018620043992996216, -8.79310246091336e-05, -0.0020709435921162367, 0.00010886487871175632, 0.0014686583308503032, -0.0006211191648617387, -0.0004122442624066025, 0.0010277837282046676, -0.001167016918770969, -0.003956533502787352, -0.0016163164982572198, 0.0008630494121462107, 0.001289305160753429, 0.0008151450310833752, 0.00020022848912049085, 6.862200098112226e-05, -8.08735640021041e-05, 0.001519505982287228, 0.0005408769357018173, -0.0013884074287489057, -0.0026910551823675632, -0.0009453903767280281, -0.0006168817053548992, -0.0018971689278259873, -4.382108818390407e-05, 0.0019637737423181534, 0.00031975898309610784, -0.003552274079993367, -0.0020159175619482994, 0.002159539610147476, -0.000721585878636688, -0.0027249781414866447, 7.630473555764183e-05, 0.0008822641684673727, -0.0007213437929749489, -0.0001568921288708225, 0.002555391052737832, 0.0007812941912561655, -0.001078106346540153, -0.001989054260775447, -0.0022362316958606243, -0.0007038332405500114, 0.0009885947220027447, -0.00039284946979023516, -0.0009466787450946867, 0.00045623231562785804, -7.990918675204739e-05, -4.749789150082506e-05, -0.00028939510229974985, -0.0004860657500103116, -0.00041164172580465674, -0.0006205541430972517, -0.0024090560618788004, -0.0026689860969781876, 0.0004389026726130396, -0.00015811080811545253, -0.0017787185497581959, 0.0005044167046435177, 0.0009694697218947113, -0.001499444362707436, -0.0020632317755371332, -0.0002983385347761214, 0.00021705625113099813, 0.00025744797312654555, -7.919647032395005e-06, -0.00045237279846332967, -0.0008628738578408957, -0.00010133702016901225, 0.0008775595924817026, -8.297161548398435e-05, 0.00039024880970828235, 0.0005910084000788629, -0.000658282486256212, -0.0007072460721246898, -0.001078696339391172, -0.000424467638367787, -0.0011851283488795161, -0.0005026332219131291, 0.00042295228922739625, 0.00040446719503961504, -0.0004330284718889743, -0.0003668439749162644, -0.0005127931362949312, 8.642471220809966e-05, 0.0016809167573228478, 0.0007196242222562432, -0.0012004668824374676, -0.0019516116008162498, 0.00010925368405878544, -8.397247438551858e-05, -0.0021371874026954174, -0.0013387560611590743, 0.0004529665457084775, -0.00110011943615973, -0.0022547985427081585, 0.0002347006811760366, 0.0018153978744521737, 0.0014377936022356153, -0.0008691733819432557, -0.0015653736190870404, -0.0008467401494272053, -0.000291071948595345, -0.00014733473653905094, 0.0007349778315983713, 0.0007307510823011398, -0.00015471663209609687, 0.00043906833161599934, -4.279021959519014e-05, -0.0008492621127516031, 0.0001692408841336146, 0.0003456511767581105, -0.001471785013563931, -0.0017160214483737946, 0.000509096251334995, 0.0010885857045650482, -0.0008750115521252155, -0.0005368930869735777, 0.0011006646091118455, 0.0009010059875436127, -0.0016964121023193002, -0.00219369656406343, 0.00035351153928786516, 0.001960739027708769, 0.0011994772357866168, -0.0006040154839865863, -0.0002453442139085382, 0.000999801093712449, 0.001851493027061224, 0.0016551935113966465, 0.001093438477255404, 0.0016010934486985207, 0.0019461805932223797, 0.00031940758344717324, -0.00154727918561548, 0.002076167380437255, 0.0036388151347637177, -0.0009497030987404287, -0.0010026651434600353, 0.0020570268388837576, 0.00019768031779676676, -0.0028251970652490854, 0.00011878999066539109, 0.0025932248681783676, 0.0001649982441449538, -0.0004773267137352377, 0.0008543025469407439, -0.0009902677265927196, -0.0008860343950800598, 0.0013521459186449647, 0.002240100409835577, 0.0010265514720231295, 0.0017102574929594994, 0.0016799725126475096, -0.0009035355178639293, -0.0010797627037391067, 0.002302083419635892, 0.003272686619311571, 0.0011337937321513891, 0.0009947112994268537, 0.0019620268139988184, 0.0012702079256996512, -0.0004938396741636097, 0.00021000987908337265, 0.0018543050391599536, 0.0002394118346273899, -0.0009281616075895727, 0.00015215255552902818, -6.0344950725266244e-06, -0.0012302241520956159, 0.00153583032079041, 0.0029535579960793257, 0.0007798271835781634, 0.00028542723157443106, 0.0012480260338634253, -0.0005985999596305192, -0.001888431259430945, 0.0008886189316399395, 0.0008957863319665194, -0.00042280927300453186, 0.0014044343261048198, 0.0014011214952915907, -0.0005974696832709014, -0.00038531210157088935, 0.0016606113640591502, 0.001173445605672896, -0.0003301959950476885, -0.00032180806738324463, 0.0010583449620753527, 0.00155652838293463, 0.00014668187941424549, 0.00037056300789117813, 0.002180801471695304, 0.0014852765016257763, -0.00023085928114596754, 8.406415145145729e-05, 0.0010424958309158683, -0.001155021833255887, -0.0007796238060109317, 0.0014210043009370565, 0.0010192861082032323, -0.0003679823421407491, 0.0006473192479461432, -0.00037889022496528924, -0.0024530505761504173, -0.0005262625636532903, 0.002171827247366309, 0.0016301702708005905, 6.01495303271804e-05, 0.0012320366222411394, 0.0006423274171538651, -0.0007012705318629742, -0.00017876789206638932, 0.0008789306157268584, -0.0003552972339093685, -0.00016389646043535322, 0.0012066626222804189, 0.0005742285284213722, 2.6142519345739856e-05, 0.0022635343484580517, 0.003016876522451639, 0.00013558613136410713, -0.0003883408207911998, 0.0007020656485110521, 0.00027889132616110146, -0.0011019102530553937, -0.00026111662737093866, 0.0011122277937829494, 0.0002284146030433476, 0.0007001409539952874, 0.0011559826089069247, -0.00025886125513352454, -0.0010035046143457294, 0.0004371299874037504, 0.00044128691661171615, -0.002233573468402028, -0.002812471939250827, -0.00024340163508895785, 0.0004895288730040193, 0.00031209542066790164, 0.0011988425394520164, 0.0009585290099494159, -6.18343401583843e-05, -0.001130815944634378, -0.000478277332149446, 0.0006366208544932306, 0.0013485269155353308, 0.0008640132728032768, -0.0005831752787344158, -0.0012703631073236465, -0.0002490346960257739, 0.0011359646450728178, 0.000791526457760483, 0.00040351576171815395, -4.470948260859586e-05, -0.0010255741653963923, -0.0014255342539399862, -0.0005596719565801322, 0.000703315541613847, 0.0005411977763287723, 5.548207263927907e-05, 0.0001959693181561306, -0.0008089282200671732, -0.0017568460898473859, -0.0005696744192391634, -0.00041583977872505784, -0.0008979797712527215, 0.0012753757182508707, 0.0012092182878404856, -0.0012787483865395188, -0.0015764596173539758, -0.00019938488549087197, -0.0011747224489226937, -0.0021104146726429462, 5.01388858538121e-05, 0.00080530671402812, -0.00012820007395930588, -0.0007383402553386986, -7.907010149210691e-05, 0.0011143074370920658, 0.0006579796900041401, -0.00024565483909100294, -0.00013435589789878577, -0.00011860427184728906, -0.001670034253038466, -0.0023477061185985804, -0.0007420175825245678, 0.0009457182022742927, 0.0021759483497589827, 0.0015967275248840451, -0.0002554151869844645, -0.0014876719797030091, -0.0012755735078826547, -0.0010458641918376088, -0.0012114275014027953, -0.001096004038117826, -0.0009841994615271688, -0.0007148459553718567, -0.0014133070362731814, -0.0020934040658175945, -0.0015410988125950098, -0.0006138703320175409, -0.001069861464202404, -0.001924144453369081, -0.0021350900642573833, -0.0019986541010439396, -0.0014859745278954506, -0.00011372872540960088, 0.0012523488840088248, -0.00017162891163025051, -0.0014554293593391776, -0.0009473946993239224, -0.0019028334645554423, -0.002853760030120611, -0.001010358682833612, 0.0008076266385614872, -0.00048240492469631135, -0.001847591600380838, -0.0010236824164167047, -0.0010772476671263576, -0.0014253107365220785, -0.001242434373125434, -0.00022505735978484154, -0.0006782942218706012, -0.001250491593964398, -0.002369361463934183, -0.0019176019122824073, -0.0001555398921482265, -0.0005284111830405891, -0.00033359171357005835, -0.00047212428762577474, -0.0020445322152227163, -0.0025963743682950735, -0.0018474982352927327, -0.0013751551741734147, 4.651396011468023e-05, 0.0001548328873468563, -0.00031743571162223816, -0.0014680313179269433, -0.001759877777658403, -0.0012736752396449447, -0.0016096857143566012, -0.0008211341337300837, -0.00035292995744384825, -7.768731848045718e-06, -0.0009261772502213717, -0.0010206965962424874, 0.00042508001206442714, 0.0004175235517323017, -0.00045837342622689903, -0.0009572649723850191, -0.0007475760648958385, -0.001013904926367104, -0.0013448651880025864, -0.0010073588928207755, -0.0006894631660543382, 0.0004885359085164964, 0.0003062957839574665, -0.001116915955208242, -0.0012443631421774626, -0.0012013764353469014, -0.0017407020786777139, -0.0009409179911017418, -0.0006830503698438406, -0.0014815357280895114, -0.0009962293552234769, -0.00010951305739581585, -0.0012613341677933931, -0.0027300636284053326, -0.0016950821736827493, -0.0005975997191853821, -0.0015960353193804622, -0.0014081185217946768, 0.00015060428995639086, -0.00035659928107634187, -0.0014875131892040372, -0.0005105288000777364, 0.0008040830725803971, -9.342250996269286e-05, -0.000707581581082195, 0.00023221921583171934, -0.0007787124486640096, -0.0011627130443230271, -0.00017297075828537345, -9.277024219045416e-05, -0.0009839088888838887, -0.001424729940481484, -0.001547087449580431, -0.0011754455044865608, -0.0009640885982662439, -0.0019321140134707093, -0.0018769718008115888, -0.0015476883854717016, -0.0017947782762348652, -0.0011965775629505515, 5.392997991293669e-05, 6.081662650103681e-05, -0.001965144881978631, -0.0027053917292505503, -0.00201329099945724, -0.0007029713015072048, -0.0006946241483092308, -0.0009582708007656038, 0.00016813474940136075, -0.0008146092295646667, -0.0016236264491453767, -0.00015447771875187755, -0.0008503231802023947, -0.0009903637692332268, -0.0003878780989907682, -0.00023494206834584475, -0.0012212382862344384, -0.002119154203683138, -0.0007866264204494655, 0.0005417281063273549, -0.0003423088346607983, -0.0014700577594339848, -0.00058300222735852, -4.8766778490971774e-05, -0.0008336579194292426, -0.0010214572539553046, 0.0005720562185160816, 1.2513973160821479e-05, -0.0015844206791371107, -9.089376544579864e-05, 0.0008833752362988889, -0.0010555376065894961, -0.0016998328501358628, 0.00012093791883671656, -0.0005037696100771427, -0.0031433175317943096, -0.0015233616577461362, 0.0005101255956105888, -0.0009806944290176034, -0.0013066432438790798, 0.0003365668235346675, -8.598938438808545e-05, -0.00041810175753198564, -0.0008114287629723549, -0.0009734506602399051, 0.0002298275358043611, -0.00023608445189893246, -0.00042774263420142233, -0.000356147822458297, -0.00027473727823235095, -0.0007170274038799107, -0.000506821961607784, 7.550318696303293e-05, -4.3897834984818473e-05, -0.000357643177267164, -0.0010760972509160638, -0.0009146095835603774, -0.00156612996943295, -0.0008818609057925642, 0.0007427218370139599, -0.00048066210001707077, -0.0015019093407317996, -0.001413211110047996, -0.0009101912728510797, -0.0003826442116405815, 0.0005352986045181751, 5.258055170997977e-05, -0.0006426561158150434, 0.000837455503642559, 0.0008774721645750105, -0.0017811036668717861, -0.0015611742855980992, 0.0008127993205562234, 0.0004369496600702405, -0.0007591621251776814, 0.00024222605861723423, 0.002032706281170249, 0.0003650866274256259, -0.0015421021962538362, 6.915791163919494e-05, 0.00026342252385802567, -0.000697385985404253, -0.0008176072733476758, -0.000205579970497638, -0.0007223495049402118, -0.0006247020792216063, 0.0022468832321465015, 0.002267164643853903, 0.00023318365856539458, -0.00012551814143080264, 0.00044234521919861436, -4.2244053474860266e-05, -0.0010400713654235005, -0.0009478582069277763, 0.0004010857956018299, 0.0016626034630462527, 0.0018792637856677175, 0.00020561758719850332, -0.0005850732559338212, 0.0009244978427886963, 0.0007436756859533489, -0.0008316359017044306, -0.001079560606740415, -3.279187512816861e-05, 0.00028737352113239467, -0.000258534011663869, 0.00014801896759308875, 0.0019170595332980156, 0.0029860595241189003, 0.0017794215818867087, -0.0006029324722476304, -0.002385126193985343, -0.0012138084275647998, 0.0013252388453111053, 0.0013450412079691887, 4.6457076678052545e-05, 0.0006047082715667784, 0.0007263464503921568, 5.117993714520708e-05, 0.0011922720586881042, 0.0022883929777890444, 0.0008354426827281713, 0.000613124284427613, 0.00043858727440238, -0.0007155707571655512, 0.000786656397394836, 0.0026268980000168085, 0.0016065638046711683, -0.0010160986566916108, -0.0012412656797096133, 0.0004472810251172632, 0.0009984950302168727, 8.673076808918267e-05, -0.0007846840308047831, 0.0006323857815004885, 0.0013235592050477862, -0.0003311906475573778, -0.0008206588681787252, -0.00011096040543634444, 3.775389996008016e-05, 0.0004197287489660084, 0.0012797275558114052, 0.000994033645838499, -0.00040956668090075254, 0.0007039262563921511, 0.0028106682002544403, 0.0030550388619303703, 0.0016277424292638898, 0.002149204956367612, 0.0018423589644953609, -0.001279686577618122, -0.0018752041505649686, 0.0013001608895137906, 0.0020948301535099745, 0.0017515216022729874, 0.0024970483500510454, 0.0006672103772871196, -0.001772147137671709, -0.00038165677688084543, 0.0015132458647713065, -0.0010606456780806184, -0.0018476679688319564, 0.0013562277890741825, 0.0008290113764815032, -0.0026064219418913126, 5.0881750212283805e-05, 0.0030615327414125204, -0.00031512154964730144, -0.002210318809375167, 0.0005581714794971049, 0.0005319680785760283, -0.0019005924696102738, -0.0001557188807055354, 0.0018690708093345165, -0.0005172152305021882, -0.0009214379242621362, 0.0025462324265390635, 0.0017802320653572679, -0.0018069642828777432, -0.0006465664482675493, 0.001984525704756379, 0.00023483787663280964, -0.0008984040468931198, 0.002005199436098337, 0.00203708210028708, -0.0017762432107701898, -0.00038129399763420224, 0.002468974096700549, -0.00018123614427167922, -0.002241363050416112, -0.0009679986978881061, 0.00044137498480267823, -0.0006157504394650459, 0.0002711438573896885, 0.0022439640015363693, -0.00013515118916984648, -0.001466445974074304, 0.0009643433149904013, 0.0014825137332081795, -9.839680569712073e-05, 0.00019796424021478742, 0.0015235235914587975, -0.0007668426842428744, -0.0010906527750194073, 0.0026730503886938095, 0.0027290319558233023, 0.00029015386826358736, -2.148800194845535e-05, 0.0013484477531164885, -0.00017187763296533376, -0.0014103753492236137, 0.0007633587811142206, 0.0015460830181837082, -0.00028055018628947437, 0.0005016771028749645, 0.0023453328758478165, 0.0010927269468083978, -0.0005660844617523253, 0.0009298736695200205, 0.001998150022700429, 0.0004946122062392533, 0.00021358183585107327, 0.0016894103027880192, 0.0006818901747465134, -0.001178883365355432, 0.00019771287043113261, 0.00202164426445961, 0.0008898088126443326, -0.00010507305705687031, 0.0009387473110109568, 0.0002626561908982694, -0.0002786534314509481, 0.0021949487272650003, 0.0035788100212812424, 0.0013879644684493542, 0.00013886118540540338, 0.001452222466468811, 0.0015516421990469098, 0.001042277435772121, 0.0026100946124643087, 0.0031172779854387045, 0.0003067227080464363, -0.0012709259754046798, 0.00020557866082526743, 0.0011310578556731343, 0.000487259472720325, 0.0009222075459547341, 0.0005615917034447193, -0.00032800863846205175, 9.078922448679805e-05, 0.0018083738395944238, 0.0020108625758439302, 0.0006063237087801099, 0.00031943165231496096, 0.0010389868402853608, 0.0011732886778190732, 0.001270592212677002, 0.002298196777701378, 0.0026762988418340683, 0.0016464258078485727, 0.001361041679047048, 0.002389514120295644, 0.0016283136792480946, 0.0005040778196416795, 0.000715944857802242, 0.0011266811052337289, 0.00043342902790755033, 0.0005271158297546208, 0.0011309158289805055, 0.000904511718545109, -0.00015926716150715947, -0.0005619229050353169, 6.16710094618611e-05, 0.0006603829097002745, 0.0014585230965167284, 0.001258255448192358, 0.0002497650566510856, -6.99783195159398e-05, 0.000193034386029467, 0.0006107977242209017, 0.0006707036518491805, 0.0002507252502255142, 0.0003670074511319399, 0.0004774391418322921, 1.8985738279297948e-05, -0.0002468477177899331, 0.0004851139383390546, 0.0005567905027419329, 0.0011877826182171702, 0.0011244519846513867, 0.000318841339321807, -0.00033652206184342504, -0.0008558057597838342, 0.00025314604863524437, 0.0006941362516954541, 0.0006657723570242524, 0.0011476005893200636, 0.0006328290328383446, -0.0002978577103931457, -0.000396916875615716, -8.93719115993008e-05, 0.00030945855542086065, -0.0004400113830342889, -0.0005783477681688964, -0.0005214678822085261, -5.973565930617042e-05, 0.00019462808268144727, 0.0013784058392047882, 0.0011996497632935643, -0.0008063548011705279, -0.001266279025003314, 1.3113073691783939e-05, 0.0002046494191745296, -0.000536166422534734, -9.325327846454456e-05, -7.714515959378332e-05, -0.001489720307290554, -0.0010945582762360573, 0.00042352653690613806, 0.001217531505972147, 0.0003965995565522462, -0.0009320977842435241, -0.0016985648544505239, -0.0007475199527107179, 0.00023307636729441583, 0.0005970422062091529, 0.0011234304402023554, 0.000834479636978358, -0.0007114059408195317, -0.0015487673226743937, -0.0016060244524851441, -0.000457917049061507, 0.0009077931172214448, 0.0006819521076977253, 0.0006050868541933596, 0.00019941401842515916, -0.0005827194545418024, -0.0002301117347087711, 0.0011322462232783437, 0.0008128189365379512, -0.0004556116182357073, -0.0013647653395310044, -0.0011494066566228867, -0.0006284596165642142, -0.0003225788823328912, 0.0002526296302676201, 8.474440255668014e-05, -0.0014701924519613385, -0.001830406836234033, -0.0005692272679880261, -0.0011076756054535508, -0.0011476381914690137, -0.0008363273809663951, -0.0006209327257238328, -0.0014994529774412513, -0.001718464307487011, -9.310292807640508e-05, -0.0001602344127604738, 0.00014477403601631522, 5.363945820135996e-05, -0.0007326690247282386, -0.0007694730302318931, 0.0009279856458306313, 0.0005940325208939612, -0.0009473331738263369, -0.0011420011287555099, -0.0011250968091189861, -0.001789815491065383, -0.0018152360571548343, -0.0017491624457761645, -0.0016729028429836035, -0.0013322333106771111, -0.001638642861507833, -0.001779481302946806, -0.0011490684701129794, -0.0014204418985173106, -0.0019034300930798054, -0.0018979960586875677, -0.000837581348605454, 0.00035341113107278943, 0.00013721382129006088, -0.0003731653850991279, -0.0009497563005425036, -0.00042576866690069437, -5.9712921938626096e-05, -8.471772889606655e-05, -0.00020180620776955038, -0.000676085939630866, -0.0010834336280822754, -0.0012053820537403226, -0.00040762947173789144, 0.00029128961614333093, 0.00027710903668776155, 0.0004042969085276127, -4.345759589341469e-05, -0.0006211573490872979, -0.0006269465084187686, -0.00039532023947685957, -0.0007620556280016899, -0.0007097554043866694, 7.89568803156726e-05, -0.00023613222583662719, -0.0005551884532906115, -0.00039236608427017927, -0.0004302156448829919, -0.0004530558071564883, -0.0003125221992377192, -0.000589262112043798, -0.000843459099996835, -0.000610733637586236, -0.00044227243051864207, -0.0005907141603529453, -0.0004868005635216832, -0.00013379559095483273, -9.662998490966856e-05, -9.665547986514866e-05, -0.00030512691591866314, -0.0004856699379161, -0.0003875384572893381, -0.0002871261676773429, -0.00011363272642483935, 2.8682290576398373e-05, 0.00011356027971487492, -2.6698773581301793e-05, -0.00027397510712035, -7.402974733849987e-05, 9.01487292139791e-05, 2.9445609470712952e-05, 2.9902745154686272e-05, -0.00018698148778639734, -0.0002608319919090718, -0.00018851763161364943, -0.00010605666466290131, -1.8643906514625996e-05, 6.514405686175451e-05, -0.00010436146840220317, -0.00038350559771060944, -0.0003180518979206681, -0.00016968614363577217, -4.4695130782201886e-05, -7.918922347016633e-05, -1.7686708815745078e-05, 3.116395964752883e-05, 8.38676278362982e-05, 2.1846080926479772e-05, 5.1588896894827485e-05, -2.9368933610385284e-05, -9.3057235062588e-05, 1.613783933862578e-05, -3.9132013625930995e-05, -3.113084676442668e-05, 5.78186045459006e-05, 0.00011426956189097837, 7.053545414237306e-05, 1.906327270262409e-06, -7.14231064193882e-05, -6.303338886937127e-05, -1.8459630155120976e-05, -3.320439418530441e-06, -4.2725027014967054e-05, -8.334990707226098e-05, -8.981642895378172e-05, -3.2898813515203074e-05, -7.29995736037381e-05, -8.182376404874958e-06, 7.594937778776512e-05, -1.3540562576963566e-05, -7.92265054769814e-05, -3.157855098834261e-05, 1.6823960322653875e-06, 2.1701711375499144e-05, 5.479749233927578e-05, 3.051856765523553e-05, 2.8069833206245676e-05, 3.2567611924605444e-05, 3.609863415476866e-05, -7.048364932416007e-05, -3.55249758285936e-05, 2.398965079919435e-05, -4.706350591732189e-05, -8.963700383901596e-05, 3.670637306640856e-05, 3.3408166927983984e-05, -3.134057351417141e-07, -2.6067822545883246e-05, 3.010758700838778e-05, -4.760822776006535e-06, 8.135782991303131e-05, 7.4281997513026e-05, 8.937754500948358e-06, 4.57378409919329e-05, 6.706664862576872e-05, 3.4796641557477415e-05, 4.235570304444991e-05, 0.0001056527835316956, 3.754130011657253e-05, 2.5050028853002004e-05, 2.9585446100099944e-05, 8.390809671254829e-05, -1.3063199730822816e-06, -3.378689507371746e-05, 7.539639045717195e-05, 4.049616472912021e-05, 4.0523591451346874e-05, 4.106395135750063e-05, 6.265188858378679e-05, 1.7129590560216457e-05, 6.326268339762464e-05, 6.348865281324834e-05, 9.042798774316907e-05, 2.8496568120317534e-05, 3.791986819123849e-05, 0.00011778695625253022, 3.26152985508088e-05, 5.482558481162414e-05, 9.352522465633228e-05, 0.00010269747872371227, -2.650426722539123e-06, 2.1236222892184742e-05, 8.377191261388361e-05, -1.2513811498138239e-06, 5.2683721150970086e-05, 0.00010805854253703728, 4.7754172555869445e-05, -4.372125204099575e-06, 1.5748595615150407e-05, -9.170603334496263e-06, 1.5415474990732037e-05, 1.0374929843237624e-05, 1.8095202904078178e-05, 3.2897096389206126e-05, 3.7320885894587263e-05, 4.727980194729753e-05, 5.290500484989025e-05, -2.8115052828070475e-06, -1.3802901776216459e-05, 4.530415026238188e-05, 1.7122993085649796e-05, -9.676883564679883e-06, 2.922193380072713e-05, 4.709900531452149e-05, -1.484695530962199e-05, 2.679826684470754e-05, 9.708025027066469e-05, 5.909429819439538e-05, -5.998295364406658e-06, -1.1865397027577274e-05, 1.7596781617612578e-05, -1.2678569873969536e-06, -6.15744102105964e-06, 4.26633378083352e-05, 2.9731247195741162e-05, 6.973560084588826e-05, 3.9487546018790454e-05, 2.4334209228982218e-05, 4.423264545039274e-05, 2.5397337594768032e-05, 6.611580465687439e-05, 5.363776654121466e-05, 1.5007488400442526e-05, 1.9821469322778285e-05, 8.46496332087554e-05, 4.378660014481284e-05, 1.3526245311368257e-05, 1.730803523969371e-05, 5.702128692064434e-05, 3.02631869999459e-05, -7.282471415237524e-06, 1.4821678632870317e-05, 2.608516297186725e-05, 3.226366243325174e-05, 2.518865221645683e-05, 5.748319745180197e-05, 6.051031959941611e-06, 1.5820383850950748e-05, 2.6422590963193215e-05, 1.4281895346357487e-05, 1.2238286217325367e-05, 2.142549965356011e-05, 3.1012539693620056e-05, 5.359622446121648e-05, 1.306949070567498e-05, 1.7006108464556746e-05, 1.283238179894397e-05, 2.43848844547756e-05, 1.44485720738885e-05, 7.087912308634259e-06, 1.066919412551215e-05, -1.073473958967952e-05, -6.255760354179074e-07, 3.017030394403264e-05, -1.4621239188272739e-06, 1.316684574703686e-06, 4.970231748302467e-05, 6.46350645183702e-06, -1.393776256009005e-05, 2.311663411092013e-05, 3.583731813705526e-05, -8.6126428868738e-06, 2.8714077870972687e-06, 3.9388909499393776e-05, 3.239805664634332e-05, 3.427654519327916e-05, -3.9051392377587035e-06, 2.4153943741112016e-05, 1.1452852959337179e-05, 4.283535963622853e-05, 4.775746856466867e-05, 9.00692157301819e-06, 4.212437033856986e-06, 4.902469663647935e-05, 5.788989710708847e-06, 1.1606864973146003e-05, 4.884762893198058e-05, 4.017079481855035e-05, -5.2404233429115266e-05, 7.1430868047173135e-06, 1.412287019775249e-05, -1.8386897863820195e-05, 6.623175977438223e-06, 3.2066000130726025e-05, 8.945029890128353e-07, -4.3174437450943515e-05, 9.859092642727774e-06, 1.3530512660508975e-05, 3.828808985417709e-05, 3.328847526518075e-07, 2.133529596903827e-05, 2.5960745915654115e-05, -8.993079973151907e-06, 1.7902983017847873e-05, 2.360173675697297e-05, 2.6887766580330208e-05, 1.0035324521595612e-05, -3.361020935699344e-05, -6.272725840972271e-07, -5.5440677897422574e-06, 1.9816350686596707e-05, 2.079080331895966e-05, 9.54076199377596e-07, -1.648782563279383e-05, -1.2546671314339619e-05, -6.24781978331157e-06, 2.4020204136832035e-07, -3.125521743641002e-06, 2.0122970454394817e-06, -8.070192052400671e-06, 2.1962454411550425e-05, 1.635234002606012e-05, -1.8212925851912587e-06, -1.3866550034435932e-05, -1.1139512025692966e-05, 1.743959182931576e-05, -4.145139882894e-06, 2.181683885282837e-05, -6.959895699765184e-07, -6.007264346408192e-06, 6.252382718230365e-06, -4.392782557260944e-06, -3.646656068667653e-06, 1.56051592057338e-05, 7.990218364284374e-06, 2.730535197770223e-05, 4.847143372899154e-06, -3.0202893412933918e-06, 2.7167545795236947e-06, 5.585701728705317e-06, 2.496239858373883e-06, 2.614581899251789e-05, 7.697430191910826e-06, 4.2010083234345075e-06, -1.5223137097564177e-06, 2.95455138257239e-05, 5.110830443300074e-06, -8.84254950506147e-06, 3.234196628909558e-05, 2.6878697099164128e-05, 6.1586956690007355e-06, 3.0480872737825848e-05, 4.644271484721685e-06, -1.2280061127967201e-06, -1.854202309914399e-05, -2.030957148235757e-05, -9.77539639279712e-06, -2.056205994449556e-05, 2.7123089239466935e-05, 1.2441337275959086e-05, 3.031843107237364e-06, 7.65691675042035e-06, 3.255000251556339e-07, -2.1093392206239514e-05, 2.727568016780424e-06, 8.172694833774585e-06, -4.3186523726035375e-06, 2.3162034267443232e-05, 9.677224625193048e-06, 2.104219311149791e-05, -2.2242915292736143e-05, 1.2956193131685723e-05, 1.2466058251447976e-05, -1.376189447910292e-05, 8.690984941495117e-06, 6.187911367305787e-06, 1.5360497854999267e-05, -2.23272800212726e-05, 2.6416266337037086e-05, 6.5767549131123815e-06, 2.387172389717307e-05, 1.0150239177164622e-05, 1.7448004427933483e-06, -6.841509275545832e-06, 1.5967107174219564e-05, 8.569980991524062e-07, -6.699851837765891e-06, 4.936896584695205e-05, 7.5849898166779894e-06, -1.812741538742557e-05, 3.585818558349274e-05, 1.212889219459612e-05, -1.1472254300315399e-05, -1.0502439181436785e-05, 1.3019885955145583e-05, 1.3114803323333035e-06, 6.218148882908281e-06, 3.362887218827382e-05, 7.668036232644226e-06, 1.9371962480363436e-05, 2.4029121050261892e-05, 2.220365968241822e-05, -4.550365247268928e-06, 2.5444594939472154e-05, 9.348879757453687e-06, 1.918475936690811e-05, 2.381552621955052e-05, 1.3444263458950445e-05, 2.8519629267975688e-05, 4.836974767385982e-06, 2.4932805899879895e-05, -1.6781788872322068e-05, -1.1302043276373297e-05, 1.5783432900207117e-05, 1.5598385289194994e-05, -1.6964646420092322e-05, 1.4932981684978586e-05, 1.893633270810824e-05, 5.723793037759606e-06, 5.375571163312998e-06, 6.9530547079921234e-06, 1.5188787074293941e-05, 5.124418748891912e-06, 3.660247602965683e-05, 2.6472949684830382e-05, 2.4471595679642633e-05, 1.1032266229449306e-05, 7.576215011795284e-06, 6.854513230791781e-06, 2.406009480182547e-05], "codec_error": 0.00273896474391222}
\ No newline at end of file
diff --git a/tests/models/dac/test_feature_extraction_dac.py b/tests/models/dac/test_feature_extraction_dac.py
index c995485d3311..40be753ae1c2 100644
--- a/tests/models/dac/test_feature_extraction_dac.py
+++ b/tests/models/dac/test_feature_extraction_dac.py
@@ -49,7 +49,7 @@ def floats_list(shape, scale=1.0, rng=None, name=None):
@require_torch
-# Copied from transformers.tests.encodec.test_feature_extraction_dac.EncodecFeatureExtractionTester with Encodec->Dac
+# Copied from transformers.tests.encodec.test_feature_extraction_encodec.EncodecFeatureExtractionTester with Encodec->Dac
class DacFeatureExtractionTester:
# Ignore copy
def __init__(
@@ -102,7 +102,7 @@ def _flatten(list_of_lists):
@require_torch
-# Copied from transformers.tests.encodec.test_feature_extraction_dac.EnCodecFeatureExtractionTest with Encodec->Dac
+# Copied from transformers.tests.encodec.test_feature_extraction_encodec.EnCodecFeatureExtractionTest with Encodec->Dac
class DacFeatureExtractionTest(SequenceFeatureExtractionTestMixin, unittest.TestCase):
feature_extraction_class = DacFeatureExtractor
diff --git a/tests/models/xcodec2/__init__.py b/tests/models/xcodec2/__init__.py
new file mode 100644
index 000000000000..e69de29bb2d1
diff --git a/tests/models/xcodec2/test_feature_extraction_xcodec2.py b/tests/models/xcodec2/test_feature_extraction_xcodec2.py
new file mode 100644
index 000000000000..3e435972d53d
--- /dev/null
+++ b/tests/models/xcodec2/test_feature_extraction_xcodec2.py
@@ -0,0 +1,213 @@
+# Copyright 2024 HuggingFace Inc.
+#
+# Licensed under the Apache License, Version 2.0 (the "License");
+# you may not use this file except in compliance with the License.
+# You may obtain a copy of the License at
+#
+# http://www.apache.org/licenses/LICENSE-2.0
+#
+# Unless required by applicable law or agreed to in writing, software
+# distributed under the License is distributed on an "AS IS" BASIS,
+# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
+# See the License for the specific language governing permissions and
+# limitations under the License.
+"""Tests for the Xcodec2 feature extractor."""
+
+import itertools
+import json
+import random
+import unittest
+from pathlib import Path
+
+import numpy as np
+
+from transformers import Xcodec2FeatureExtractor
+from transformers.testing_utils import require_torch
+from transformers.utils.import_utils import is_torch_available
+
+from ...test_sequence_feature_extraction_common import SequenceFeatureExtractionTestMixin
+
+
+if is_torch_available():
+ import torch
+
+
+global_rng = random.Random()
+
+
+# Copied from tests.models.whisper.test_feature_extraction_whisper.floats_list
+def floats_list(shape, scale=1.0, rng=None, name=None):
+ """Creates a random float32 tensor"""
+ if rng is None:
+ rng = global_rng
+
+ values = []
+ for batch_idx in range(shape[0]):
+ values.append([])
+ for _ in range(shape[1]):
+ values[-1].append(rng.random() * scale)
+
+ return values
+
+
+@require_torch
+class Xcodec2FeatureExtractionTester:
+ # Ignore copy
+ def __init__(
+ self,
+ parent,
+ batch_size=7,
+ min_seq_length=400,
+ max_seq_length=2000,
+ feature_size=80, # number of mel bins
+ n_channels=1,
+ sampling_rate=16000,
+ spec_hop_length=160,
+ hop_length=320,
+ ):
+ self.parent = parent
+ self.batch_size = batch_size
+ self.min_seq_length = min_seq_length
+ self.max_seq_length = max_seq_length
+ self.spec_hop_length = spec_hop_length
+ self.hop_length = hop_length
+ self.seq_length_diff = (self.max_seq_length - self.min_seq_length) // (self.batch_size - 1)
+ self.feature_size = feature_size
+ self.n_channels = n_channels
+ self.sampling_rate = sampling_rate
+
+ # Ignore copy
+ def prepare_feat_extract_dict(self):
+ return {
+ "feature_size": self.feature_size,
+ "sampling_rate": self.sampling_rate,
+ "hop_length": self.hop_length,
+ "spec_hop_length": self.spec_hop_length,
+ "n_channels": self.n_channels,
+ # Model usses 1.0, but 0.0 needed to pass `test_padding_from_array`
+ # -- SeamlessM4TFeatureExtractionTester does the same
+ "padding_value": 0.0,
+ }
+
+ # Copied from transformers.tests.whisper.test_feature_extraction_whisper.WhisperFeatureExtractionTester.prepare_inputs_for_common
+ def prepare_inputs_for_common(self, equal_length=False, numpify=False):
+ def _flatten(list_of_lists):
+ return list(itertools.chain(*list_of_lists))
+
+ if equal_length:
+ speech_inputs = [floats_list((self.max_seq_length, self.feature_size)) for _ in range(self.batch_size)]
+ else:
+ # make sure that inputs increase in size
+ speech_inputs = [
+ floats_list((x, self.feature_size))
+ for x in range(self.min_seq_length, self.max_seq_length, self.seq_length_diff)
+ ]
+ if numpify:
+ speech_inputs = [np.asarray(x) for x in speech_inputs]
+ return speech_inputs
+
+
+@require_torch
+class Xcodec2FeatureExtractionTest(SequenceFeatureExtractionTestMixin, unittest.TestCase):
+ feature_extraction_class = Xcodec2FeatureExtractor
+
+ def setUp(self):
+ self.feat_extract_tester = Xcodec2FeatureExtractionTester(self)
+
+ def test_call(self):
+ TOL = 1e-6
+
+ # Tests that all call wrap to encode_plus and batch_encode_plus
+ feat_extract = self.feature_extraction_class(**self.feat_extract_tester.prepare_feat_extract_dict())
+ # create three inputs of length 800, 1000, and 1200
+ audio_inputs = [floats_list((1, x))[0] for x in range(800, 1400, 200)]
+ np_audio_inputs = [np.asarray(audio_input) for audio_input in audio_inputs]
+ torch_audio_inputs = [torch.tensor(audio_input) for audio_input in audio_inputs]
+
+ # Test not batched input
+ sampling_rate = self.feat_extract_tester.sampling_rate
+ encoded_sequences_1 = feat_extract(torch_audio_inputs[0], sampling_rate=sampling_rate, return_tensors="np")
+ encoded_sequences_2 = feat_extract(np_audio_inputs[0], sampling_rate=sampling_rate, return_tensors="np")
+ # -- use torch for mel features
+ encoded_sequences_3 = feat_extract(
+ torch_audio_inputs[0], sampling_rate=sampling_rate, return_tensors="np", use_torch=True, device="cpu"
+ )
+ self.assertTrue(np.allclose(encoded_sequences_1.audio, encoded_sequences_2.audio, atol=TOL))
+ self.assertTrue(
+ np.allclose(encoded_sequences_1.audio_spectrogram, encoded_sequences_2.audio_spectrogram, atol=TOL)
+ )
+ self.assertTrue(
+ np.allclose(encoded_sequences_1.audio_spectrogram, encoded_sequences_3.audio_spectrogram, atol=TOL)
+ )
+
+ # Test using GPU
+ if torch.cuda.is_available():
+ encoded_sequences_3 = feat_extract(
+ torch_audio_inputs[0], sampling_rate=sampling_rate, return_tensors="np", use_torch=True, device="cuda"
+ )
+ self.assertTrue(np.allclose(encoded_sequences_1.audio, encoded_sequences_3.audio, atol=TOL))
+ self.assertTrue(
+ np.allclose(encoded_sequences_1.audio_spectrogram, encoded_sequences_3.audio_spectrogram, atol=TOL)
+ )
+
+ # Test batched
+ encoded_sequences_1 = feat_extract(
+ torch_audio_inputs, sampling_rate=sampling_rate, padding=True, return_tensors="np"
+ )
+ encoded_sequences_2 = feat_extract(
+ np_audio_inputs, sampling_rate=sampling_rate, padding=True, return_tensors="np"
+ )
+ encoded_sequences_3 = feat_extract(
+ torch_audio_inputs,
+ sampling_rate=sampling_rate,
+ padding=True,
+ return_tensors="np",
+ use_torch=True,
+ device="cpu",
+ )
+ for enc_seq_1, enc_seq_2 in zip(encoded_sequences_1.audio, encoded_sequences_2.audio):
+ self.assertTrue(np.allclose(enc_seq_1, enc_seq_2, atol=TOL))
+ for enc_seq_1, enc_seq_2 in zip(encoded_sequences_1.audio_spectrogram, encoded_sequences_2.audio_spectrogram):
+ self.assertTrue(np.allclose(enc_seq_1, enc_seq_2, atol=TOL))
+ for enc_seq_1, enc_seq_3 in zip(encoded_sequences_1.audio_spectrogram, encoded_sequences_3.audio_spectrogram):
+ self.assertTrue(np.allclose(enc_seq_1, enc_seq_3, atol=TOL))
+
+ def test_double_precision_pad(self):
+ feature_extractor = self.feature_extraction_class(**self.feat_extract_tester.prepare_feat_extract_dict())
+ np_audio_inputs = np.random.rand(100, 32).astype(np.float64)
+ py_audio_inputs = np_audio_inputs.tolist()
+
+ for inputs in [py_audio_inputs, np_audio_inputs]:
+ np_processed = feature_extractor.pad([{"audio_spectrogram": inputs}], return_tensors="np")
+ self.assertTrue(np_processed.audio_spectrogram.dtype == np.float32)
+ pt_processed = feature_extractor.pad([{"audio_spectrogram": inputs}], return_tensors="pt")
+ self.assertTrue(pt_processed.audio_spectrogram.dtype == torch.float32)
+
+ def _load_datasamples(self, num_samples):
+ from datasets import load_dataset
+
+ ds = load_dataset("hf-internal-testing/librispeech_asr_dummy", "clean", split="validation")
+ # automatic decoding with librispeech
+ audio_samples = ds.sort("id")[:num_samples]["audio"]
+
+ return [x["array"] for x in audio_samples]
+
+ def test_integration(self):
+ # Reproducer: https://gist.github.com/ebezzam/909243aa00934cab1c1aad3d6a161580#file-xcodec2_feature_extraction-py
+ RESULTS_PATH = Path(__file__).parent.parent.parent / "fixtures/xcodec2/expected_results_feature_extractor.json"
+ with open(RESULTS_PATH, "r") as f:
+ expected_results = json.load(f)
+ # expected_results = expected_results[0]
+ EXPECTED_INPUT_VALUES = torch.tensor(expected_results["audio_spectrogram"])
+ EXPECTED_SHAPE = tuple(expected_results["shape"])
+
+ input_audio = self._load_datasamples(1)
+ feature_extractor = Xcodec2FeatureExtractor()
+ input_values = feature_extractor(input_audio, return_tensors="pt")["audio_spectrogram"]
+ self.assertEqual(input_values.shape, EXPECTED_SHAPE)
+ torch.testing.assert_close(input_values[0, 0, : EXPECTED_INPUT_VALUES.shape[-1]], EXPECTED_INPUT_VALUES)
+
+ # Ignore copy
+ @unittest.skip("Xcodec2 doesn't support stereo input")
+ def test_integration_stereo(self):
+ pass
diff --git a/tests/models/xcodec2/test_modeling_xcodec2.py b/tests/models/xcodec2/test_modeling_xcodec2.py
new file mode 100644
index 000000000000..3d8dc0fe2f64
--- /dev/null
+++ b/tests/models/xcodec2/test_modeling_xcodec2.py
@@ -0,0 +1,475 @@
+# Copyright 2025 The HuggingFace Inc. team. All rights reserved.
+#
+# Licensed under the Apache License, Version 2.0 (the "License");
+# you may not use this file except in compliance with the License.
+# You may obtain a copy of the License at
+#
+# http://www.apache.org/licenses/LICENSE-2.0
+#
+# Unless required by applicable law or agreed to in writing, software
+# distributed under the License is distributed on an "AS IS" BASIS,
+# WITHOUT WARRANTIES OR CONDITIONS OF ANY KIND, either express or implied.
+# See the License for the specific language governing permissions and
+# limitations under the License.
+"""Testing suite for the PyTorch Xcodec2 model."""
+
+import inspect
+import json
+import os
+import tempfile
+import unittest
+from pathlib import Path
+
+import numpy as np
+from datasets import Audio, load_dataset
+
+from tests.test_configuration_common import ConfigTester
+from tests.test_modeling_common import ModelTesterMixin, _config_zero_init, floats_tensor
+from transformers import AutoFeatureExtractor, Xcodec2Config
+from transformers.testing_utils import (
+ is_torch_available,
+ require_torch,
+ slow,
+ torch_device,
+)
+
+
+if is_torch_available():
+ import torch
+
+ from transformers import Xcodec2Model
+
+
+@require_torch
+class Xcodec2ModelTester:
+ def __init__(
+ self,
+ parent,
+ batch_size=4,
+ num_channels=1,
+ sample_rate=16000,
+ hop_length=320,
+ num_mel_bins=80,
+ mel_hop_length=160,
+ stride=2,
+ is_training=False,
+ ):
+ self.parent = parent
+ self.batch_size = batch_size
+ self.sample_rate = sample_rate
+ self.is_training = is_training
+ self.hop_length = hop_length
+ self.num_samples = hop_length * 4 # feature extractor will pad to multiple of hop_length
+ self.num_channels = num_channels
+ self.num_mel_bins = num_mel_bins
+ self.stride = stride
+ self.mel_hop_length = mel_hop_length
+
+ def prepare_config_and_inputs(self):
+ audio = floats_tensor([self.batch_size, self.num_channels, self.num_samples], scale=1.0)
+ audio_spectrogram = floats_tensor(
+ [self.batch_size, self.num_samples // self.mel_hop_length, self.num_mel_bins * self.stride], scale=1.0
+ )
+ config = self.get_config()
+ inputs_dict = {"audio": audio, "audio_spectrogram": audio_spectrogram}
+ return config, inputs_dict
+
+ def prepare_config_and_inputs_for_common(self):
+ config, inputs_dict = self.prepare_config_and_inputs()
+ return config, inputs_dict
+
+ def prepare_config_and_inputs_for_model_class(self, model_class):
+ config, inputs_dict = self.prepare_config_and_inputs()
+ return config, inputs_dict
+
+ def get_config(self):
+ return Xcodec2Config(
+ sampling_rate=self.sample_rate,
+ audio_channels=self.num_channels,
+ )
+
+ def create_and_check_model_forward(self, config, inputs_dict):
+ model = Xcodec2Model(config=config).to(torch_device).eval()
+ audio = inputs_dict["audio"]
+ audio_spectrogram = inputs_dict["audio_spectrogram"]
+ result = model(audio, audio_spectrogram)
+ self.parent.assertEqual(
+ result.audio_values.shape,
+ (self.batch_size, self.num_channels, self.num_samples),
+ )
+
+
+@require_torch
+class Xcodec2ModelTest(ModelTesterMixin, unittest.TestCase):
+ all_model_classes = (Xcodec2Model,) if is_torch_available() else ()
+ is_encoder_decoder = True
+ test_pruning = False
+ test_headmasking = False
+ test_resize_embeddings = False
+ test_torchscript = False
+ test_can_init_all_missing_weights = False # Semantic model weights come from pretrained model
+
+ def _prepare_for_class(self, inputs_dict, model_class, return_labels=False):
+ # model does not support returning hidden states
+ inputs_dict = super()._prepare_for_class(inputs_dict, model_class, return_labels=return_labels)
+ if "output_attentions" in inputs_dict:
+ inputs_dict.pop("output_attentions")
+ if "output_hidden_states" in inputs_dict:
+ inputs_dict.pop("output_hidden_states")
+ return inputs_dict
+
+ def setUp(self):
+ self.model_tester = Xcodec2ModelTester(self)
+ self.config_tester = ConfigTester(
+ # self, config_class=Xcodec2Config, common_properties=[], has_text_modality=False
+ self,
+ config_class=Xcodec2Config,
+ encoder_hidden_size=37,
+ decoder_hidden_size=37,
+ common_properties=[],
+ has_text_modality=False,
+ )
+
+ def test_config(self):
+ self.config_tester.run_common_tests()
+
+ def test_model_forward(self):
+ config_and_inputs = self.model_tester.prepare_config_and_inputs()
+ self.model_tester.create_and_check_model_forward(*config_and_inputs)
+
+ def test_forward_signature(self):
+ config, _ = self.model_tester.prepare_config_and_inputs_for_common()
+
+ for model_class in self.all_model_classes:
+ model = model_class(config)
+ signature = inspect.signature(model.forward)
+ # signature.parameters is an OrderedDict => so arg_names order is deterministic
+ arg_names = [*signature.parameters.keys()]
+
+ expected_arg_names = ["audio", "audio_spectrogram", "padding_mask", "return_dict"]
+ self.assertListEqual(arg_names[: len(expected_arg_names)], expected_arg_names)
+
+ def test_gradient_checkpointing_backward_compatibility(self):
+ config, inputs_dict = self.model_tester.prepare_config_and_inputs_for_common()
+
+ for model_class in self.all_model_classes:
+ if not model_class.supports_gradient_checkpointing:
+ continue
+
+ config.text_encoder.gradient_checkpointing = True
+ config.audio_encoder.gradient_checkpointing = True
+ config.decoder.gradient_checkpointing = True
+ model = model_class(config)
+ self.assertTrue(model.is_gradient_checkpointing)
+
+ @unittest.skip(reason="We cannot configure to output a smaller model.")
+ def test_model_is_small(self):
+ pass
+
+ @unittest.skip(reason="The XcodecModel does not have `inputs_embeds` logics")
+ def test_inputs_embeds(self):
+ pass
+
+ @unittest.skip(reason="The XcodecModel does not have `inputs_embeds` logics")
+ def test_model_get_set_embeddings(self):
+ pass
+
+ @unittest.skip(reason="The XcodecModel does not have the usual `attention` logic")
+ def test_retain_grad_hidden_states_attentions(self):
+ pass
+
+ @unittest.skip(reason="The XcodecModel does not have the usual `attention` logic")
+ def test_torchscript_output_attentions(self):
+ pass
+
+ @unittest.skip(reason="The XcodecModel does not have the usual `hidden_states` logic")
+ def test_torchscript_output_hidden_state(self):
+ pass
+
+ # Copied from transformers.tests.encodec.test_modeling_encodec.EncodecModelTest._create_and_check_torchscript
+ def _create_and_check_torchscript(self, config, inputs_dict):
+ if not self.test_torchscript:
+ self.skipTest(reason="test_torchscript is set to False")
+
+ configs_no_init = _config_zero_init(config) # To be sure we have no Nan
+ configs_no_init.torchscript = True
+ configs_no_init.return_dict = False
+ for model_class in self.all_model_classes:
+ model = model_class(config=configs_no_init)
+ model.to(torch_device)
+ model.eval()
+ inputs = self._prepare_for_class(inputs_dict, model_class)
+
+ main_input_name = model_class.main_input_name
+
+ try:
+ main_input = inputs[main_input_name]
+ model(main_input)
+ traced_model = torch.jit.trace(model, main_input)
+ except RuntimeError:
+ self.fail("Couldn't trace module.")
+
+ with tempfile.TemporaryDirectory() as tmp_dir_name:
+ pt_file_name = os.path.join(tmp_dir_name, "traced_model.pt")
+
+ try:
+ torch.jit.save(traced_model, pt_file_name)
+ except Exception:
+ self.fail("Couldn't save module.")
+
+ try:
+ loaded_model = torch.jit.load(pt_file_name)
+ except Exception:
+ self.fail("Couldn't load module.")
+
+ model.to(torch_device)
+ model.eval()
+
+ loaded_model.to(torch_device)
+ loaded_model.eval()
+
+ model_state_dict = model.state_dict()
+ loaded_model_state_dict = loaded_model.state_dict()
+
+ non_persistent_buffers = {}
+ for key in loaded_model_state_dict.keys():
+ if key not in model_state_dict.keys():
+ non_persistent_buffers[key] = loaded_model_state_dict[key]
+
+ loaded_model_state_dict = {
+ key: value for key, value in loaded_model_state_dict.items() if key not in non_persistent_buffers
+ }
+
+ self.assertEqual(set(model_state_dict.keys()), set(loaded_model_state_dict.keys()))
+
+ model_buffers = list(model.buffers())
+ for non_persistent_buffer in non_persistent_buffers.values():
+ found_buffer = False
+ for i, model_buffer in enumerate(model_buffers):
+ if torch.equal(non_persistent_buffer, model_buffer):
+ found_buffer = True
+ break
+
+ self.assertTrue(found_buffer)
+ model_buffers.pop(i)
+
+ model_buffers = list(model.buffers())
+ for non_persistent_buffer in non_persistent_buffers.values():
+ found_buffer = False
+ for i, model_buffer in enumerate(model_buffers):
+ if torch.equal(non_persistent_buffer, model_buffer):
+ found_buffer = True
+ break
+
+ self.assertTrue(found_buffer)
+ model_buffers.pop(i)
+
+ models_equal = True
+ for layer_name, p1 in model_state_dict.items():
+ if layer_name in loaded_model_state_dict:
+ p2 = loaded_model_state_dict[layer_name]
+ if p1.data.ne(p2.data).sum() > 0:
+ models_equal = False
+
+ self.assertTrue(models_equal)
+
+ # Avoid memory leak. Without this, each call increase RAM usage by ~20MB.
+ # (Even with this call, there are still memory leak by ~0.04MB)
+ self.clear_torch_jit_class_registry()
+
+ @unittest.skip(reason="The Xcodec2Model does not have the usual `attention` logic")
+ def test_attention_outputs(self):
+ pass
+
+ @unittest.skip(reason="The Xcodec2Model does not have the usual `hidden_states` logic")
+ def test_hidden_states_output(self):
+ pass
+
+ # Copied from transformers.tests.encodec.test_modeling_encodec.EncodecModelTest.test_determinism
+ def test_determinism(self):
+ config, inputs_dict = self.model_tester.prepare_config_and_inputs_for_common()
+
+ def check_determinism(first, second):
+ # outputs are not tensors but list (since each sequence don't have the same frame_length)
+ out_1 = first.cpu().numpy()
+ out_2 = second.cpu().numpy()
+ out_1 = out_1[~np.isnan(out_1)]
+ out_2 = out_2[~np.isnan(out_2)]
+ max_diff = np.amax(np.abs(out_1 - out_2))
+ self.assertLessEqual(max_diff, 1e-5)
+
+ for model_class in self.all_model_classes:
+ model = model_class(config)
+ model.to(torch_device)
+ model.eval()
+ with torch.no_grad():
+ first = model(**self._prepare_for_class(inputs_dict, model_class))[0]
+ second = model(**self._prepare_for_class(inputs_dict, model_class))[0]
+
+ if isinstance(first, tuple) and isinstance(second, tuple):
+ for tensor1, tensor2 in zip(first, second):
+ check_determinism(tensor1, tensor2)
+ else:
+ check_determinism(first, second)
+
+ # Copied from transformers.tests.encodec.test_modeling_encodecEncodecModelTest.test_model_outputs_equivalence
+ def test_model_outputs_equivalence(self):
+ config, inputs_dict = self.model_tester.prepare_config_and_inputs_for_common()
+
+ def set_nan_tensor_to_zero(t):
+ t[t != t] = 0
+ return t
+
+ def check_equivalence(model, tuple_inputs, dict_inputs, additional_kwargs={}):
+ with torch.no_grad():
+ tuple_output = model(**tuple_inputs, return_dict=False, **additional_kwargs)
+ dict_output = model(**dict_inputs, return_dict=True, **additional_kwargs)
+
+ self.assertTrue(isinstance(tuple_output, tuple))
+ self.assertTrue(isinstance(dict_output, dict))
+
+ for tuple_value, dict_value in zip(tuple_output, dict_output.values()):
+ self.assertTrue(
+ torch.allclose(
+ set_nan_tensor_to_zero(tuple_value), set_nan_tensor_to_zero(dict_value), atol=1e-5
+ ),
+ msg=(
+ "Tuple and dict output are not equal. Difference:"
+ f" {torch.max(torch.abs(tuple_value - dict_value))}. Tuple has `nan`:"
+ f" {torch.isnan(tuple_value).any()} and `inf`: {torch.isinf(tuple_value)}. Dict has"
+ f" `nan`: {torch.isnan(dict_value).any()} and `inf`: {torch.isinf(dict_value)}."
+ ),
+ )
+
+ for model_class in self.all_model_classes:
+ model = model_class(config)
+ model.to(torch_device)
+ model.eval()
+
+ tuple_inputs = self._prepare_for_class(inputs_dict, model_class)
+ dict_inputs = self._prepare_for_class(inputs_dict, model_class)
+ check_equivalence(model, tuple_inputs, dict_inputs)
+
+ def test_initialization(self):
+ config, inputs_dict = self.model_tester.prepare_config_and_inputs_for_common()
+ configs_no_init = _config_zero_init(config)
+ for model_class in self.all_model_classes:
+ model = model_class(config=configs_no_init)
+ for name, param in model.named_parameters():
+ # skipping the parametrizations original0 tensor
+ if name == "semantic_model.encoder.pos_conv_embed.conv.parametrizations.weight.original0":
+ continue
+
+ uniform_init_parms = ["conv"]
+
+ if param.requires_grad:
+ if any(x in name for x in uniform_init_parms):
+ self.assertTrue(
+ -1.0 <= ((param.data.mean() * 1e9).round() / 1e9).item() <= 1.0,
+ msg=f"Parameter {name} of {model_class.__name__} seems not properly initialized",
+ )
+
+ @unittest.skip(reason="The Xcodec2Model does not Flash attention")
+ def test_flash_attn_2_inference_equivalence(self):
+ pass
+
+ @unittest.skip(reason="The Xcodec2Model does not Flash attention")
+ def test_flash_attn_2_inference_equivalence_right_padding(self):
+ pass
+
+ @unittest.skip(reason="The Xcodec2Model does not have support dynamic compile yet")
+ def test_sdpa_can_compile_dynamic(self):
+ pass
+
+
+"""
+Integration tests for Xcodec2
+
+Code for reproducing expected outputs can be found here:
+https://gist.github.com/ebezzam/909243aa00934cab1c1aad3d6a161580#file-xcodec2_integration-py
+
+PyPI model does not support batch inference.
+
+"""
+
+
+# Copied from transformers.tests.encodec.test_modeling_encodec.normalize
+def normalize(arr):
+ norm = np.linalg.norm(arr)
+ normalized_arr = arr / norm
+ return normalized_arr
+
+
+# Copied from transformers.tests.encodec.test_modeling_encodec.compute_rmse
+def compute_rmse(arr1, arr2):
+ arr1_np = arr1.cpu().numpy().squeeze()
+ arr2_np = arr2.cpu().numpy().squeeze()
+ max_length = min(arr1.shape[-1], arr2.shape[-1])
+ arr1_np = arr1_np[..., :max_length]
+ arr2_np = arr2_np[..., :max_length]
+ arr1_normalized = normalize(arr1_np)
+ arr2_normalized = normalize(arr2_np)
+ return np.sqrt(((arr1_normalized - arr2_normalized) ** 2).mean())
+
+
+@slow
+@require_torch
+class Xcodec2IntegrationTest(unittest.TestCase):
+ def test_integration(self):
+ # load expected results
+ results_path = Path(__file__).parent.parent.parent / "fixtures/xcodec2/expected_results_single.json"
+ with open(results_path, "r") as f:
+ raw_data = json.load(f)
+ exp_code = torch.tensor(raw_data["audio_codes"])
+ exp_recon = torch.tensor(raw_data["recon_wav"])
+ exp_codec_error = float(raw_data["codec_error"])
+
+ # load model
+ model_id = "hf-audio/xcodec2"
+ model = Xcodec2Model.from_pretrained(model_id).to(torch_device).eval()
+ feature_extractor = AutoFeatureExtractor.from_pretrained(model_id)
+
+ # load data
+ dataset = load_dataset("hf-internal-testing/librispeech_asr_dummy", "clean", split="validation")
+ dataset = dataset.cast_column("audio", Audio(sampling_rate=feature_extractor.sampling_rate))
+ audio = dataset[0]["audio"]["array"]
+ inputs = feature_extractor(
+ audio=audio,
+ sampling_rate=feature_extractor.sampling_rate,
+ return_tensors="pt",
+ ).to(torch_device)
+
+ with torch.no_grad():
+ # compare discrete codes
+ enc_tol = 0 # exact match
+ audio_codes = model.encode(inputs["audio"], inputs["audio_spectrogram"], return_dict=False)[0]
+ torch.testing.assert_close(
+ audio_codes.squeeze().cpu().to(exp_code.dtype),
+ exp_code,
+ rtol=enc_tol,
+ atol=enc_tol,
+ )
+
+ # compare recon
+ # NOTE (ebezzam) different transformer implementation, in particular ROPE leads to numerical differences
+ # their ROPE implementation is interleaved: `torchtune.modules.RotaryPositionalEmbeddings`
+ dec_tol = 1e-3
+ dec = model.decode(audio_codes, return_dict=False)
+ torch.testing.assert_close(
+ dec.squeeze().cpu(),
+ exp_recon,
+ rtol=dec_tol,
+ atol=dec_tol,
+ )
+
+ # compare codec error
+ err_tol = 1e-5
+ codec_error = compute_rmse(inputs["audio"], dec).item()
+ torch.testing.assert_close(codec_error, exp_codec_error, rtol=err_tol, atol=err_tol)
+
+ # make sure forward and decode gives same result
+ round_trip_tol = 0
+ enc_dec = model(inputs["audio"], inputs["audio_spectrogram"]).audio_values
+ torch.testing.assert_close(
+ dec[..., : enc_dec.shape[-1]], enc_dec, rtol=round_trip_tol, atol=round_trip_tol
+ )